├── .### ├── .astylerc ├── .clang-format ├── .gitattributes ├── .github ├── ISSUE_TEMPLATE │ ├── bug.md │ ├── model-convert.md │ ├── others.md │ └── quantization.md ├── dependabot.yml └── workflows │ ├── android-armv7-cpu.yml │ ├── android-armv7-gpu.yml │ ├── android-armv8-cpu.yml │ ├── android-armv8-gpu.yml │ ├── android-x64-cpu.yml │ ├── android-x64-gpu.yml │ ├── android-x86-cpu.yml │ ├── android-x86-gpu.yml │ ├── codeql-analysis.yml │ ├── elf-riscv32-cpu-gcc.yml │ ├── elf-riscv64-cpu-gcc.yml │ ├── ios-arm64-gpu.yml │ ├── ios-cpu.yml │ ├── ios-simulator.yml │ ├── linux-aarch64-cpu-gcc.yml │ ├── linux-arm-cpu-gcc.yml │ ├── linux-mips-cpu-gcc.yml │ ├── linux-mips64-cpu-gcc.yml │ ├── linux-ppc64-cpu-gcc.yml │ ├── linux-riscv64-cpu-gcc.yml │ ├── linux-x64-cpu-clang-python.yml │ ├── linux-x64-cpu-clang.yml │ ├── linux-x64-cpu-gcc.yml │ ├── linux-x64-gpu-clang-python.yml │ ├── linux-x64-gpu-clang.yml │ ├── linux-x64-gpu-gcc.yml │ ├── linux-x86-cpu-clang.yml │ ├── linux-x86-cpu-gcc.yml │ ├── macos-arm64-cpu.yml │ ├── macos-arm64-gpu.yml │ ├── macos-x64-cpu-python.yml │ ├── macos-x64-cpu.yml │ ├── macos-x64-gpu.yml │ ├── release-python.yml │ ├── release.yml │ ├── sync-wiki.yml │ ├── test-coverage.yml │ ├── web-assembly.yml │ ├── windows-x64-cpu-vs2015.yml │ ├── windows-x64-cpu-vs2017.yml │ ├── windows-x64-cpu-vs2019-python.yml │ ├── windows-x64-cpu-vs2019.yml │ ├── windows-x64-gpu-vs2017.yml │ ├── windows-x64-gpu-vs2019.yml │ ├── windows-x86-cpu-vs2015.yml │ ├── windows-x86-cpu-vs2017.yml │ └── windows-x86-cpu-vs2019.yml ├── .gitignore ├── .gitmodules ├── .restyled.yaml ├── .travis.yml ├── CMakeLists.txt ├── CONTRIBUTING.md ├── Info.plist ├── LICENSE.txt ├── README.md ├── README.ncnn.md ├── benchmark ├── CMakeLists.txt ├── README.md ├── benchcold.cpp ├── benchcolddeploy.cpp ├── benchmark_models │ ├── alexnet.param │ ├── blazeface.param │ ├── crnn_lite.param │ ├── efficientnet_b0.param │ ├── efficientnetv2_b0.param │ ├── googlenet.param │ ├── googlenet_int8.param │ ├── mnasnet.param │ ├── mobilenet.param │ ├── mobilenet_int8.param │ ├── mobilenet_ssd.param │ ├── mobilenet_ssd_int8.param │ ├── mobilenet_v2.param │ ├── mobilenet_v3.param │ ├── mobilenet_yolo.param │ ├── mobilenetv2_yolov3.param │ ├── proxylessnasnet.param │ ├── regnety_400m.param │ ├── resnet18.param │ ├── resnet18_int8.param │ ├── resnet50.param │ ├── resnet50_int8.param │ ├── shufflenet.param │ ├── shufflenet_v2.param │ ├── squeezenet.param │ ├── squeezenet_int8.param │ ├── squeezenet_ssd.param │ ├── squeezenet_ssd_int8.param │ ├── vgg16.param │ ├── vgg16_int8.param │ └── yolov4-tiny.param └── benchncnn.cpp ├── cmake ├── ncnnConfig.cmake.in ├── ncnn_add_layer.cmake ├── ncnn_add_shader.cmake ├── ncnn_generate_arm82_source.cmake ├── ncnn_generate_arm82dot_source.cmake ├── ncnn_generate_avx2_source.cmake ├── ncnn_generate_mmi_source.cmake ├── ncnn_generate_msa_source.cmake ├── ncnn_generate_rvv_source.cmake ├── ncnn_generate_shader_comp_header.cmake ├── ncnn_generate_shader_spv_header.cmake └── run_test.cmake ├── codeformat.sh ├── docs ├── Home.md ├── application-with-ncnn-inside.md ├── benchmark │ ├── the-benchmark-of-caffe-android-lib,-mini-caffe,-and-ncnn.md │ └── vulkan-conformance-test.md ├── developer-guide │ ├── aarch64-mix-assembly-and-intrinsic.md │ ├── add-custom-layer.zh.md │ ├── arm-a53-a55-dual-issue.md │ ├── armv7-mix-assembly-and-intrinsic.md │ ├── binaryop-broadcasting.md │ ├── custom-allocator.md │ ├── element-packing.md │ ├── how-to-be-a-contributor.zh.md │ ├── how-to-implement-custom-layer-step-by-step.md │ ├── how-to-write-a-neon-optimized-op-kernel.md │ ├── low-level-operation-api.md │ ├── ncnn-tips-and-tricks.zh.md │ ├── new-model-load-api.md │ ├── new-param-load-api.md │ ├── operation-param-weight-table.md │ ├── operators.md │ ├── param-and-model-file-structure.md │ ├── preload-practice.zh.md │ └── tensorflow-op-combination.md ├── faq.md ├── how-to-build │ ├── build-for-VisualStudio.zh.md │ ├── build-mlir2ncnn.md │ └── how-to-build.md └── how-to-use-and-FAQ │ ├── FAQ-ncnn-produce-wrong-result.md │ ├── FAQ-ncnn-protobuf-problem.zh.md │ ├── FAQ-ncnn-throw-error.md │ ├── FAQ-ncnn-vulkan.md │ ├── build-minimal-library.md │ ├── efficient-roi-resize-rotate.md │ ├── ncnn-load-model.md │ ├── openmp-best-practice.md │ ├── openmp-best-practice.zh.md │ ├── quantized-int8-inference.md │ ├── use-ncnn-with-alexnet.md │ ├── use-ncnn-with-alexnet.zh.md │ ├── use-ncnn-with-opencv.md │ ├── use-ncnn-with-own-project.md │ ├── use-ncnn-with-pytorch-or-onnx.md │ ├── use-ncnnoptimize-to-optimize-model.md │ └── vulkan-notes.md ├── examples ├── CMakeLists.txt ├── fasterrcnn.cpp ├── mobilenetssd.cpp ├── mobilenetv2ssdlite.cpp ├── mobilenetv3ssdlite.cpp ├── nanodet.cpp ├── peleenetssd_seg.cpp ├── retinaface.cpp ├── rfcn.cpp ├── scrfd.cpp ├── shufflenetv2.cpp ├── simplepose.cpp ├── squeezencnn │ └── README.md ├── squeezenet.cpp ├── squeezenet_c_api.cpp ├── squeezenet_v1.1.bin ├── squeezenet_v1.1.caffemodel ├── squeezenet_v1.1.param ├── squeezenet_v1.1.param.bin ├── squeezenet_v1.1.prototxt ├── squeezenetssd.cpp ├── synset_words.txt ├── yolact.cpp ├── yolov2.cpp ├── yolov3.cpp ├── yolov4.cpp └── yolov5.cpp ├── images ├── 128-ncnn.png ├── 16-ncnn.png ├── 256-ncnn.png ├── 32-ncnn.png └── 64-ncnn.png ├── package.sh ├── pyproject.toml ├── python ├── CMakeLists.txt ├── README.md ├── examples │ ├── fasterrcnn.py │ ├── mobilenetssd.py │ ├── mobilenetv2ssdlite.py │ ├── mobilenetv3ssdlite.py │ ├── model_zoo.py │ ├── nanodet.py │ ├── peleenetssd.py │ ├── retinaface.py │ ├── rfcn.py │ ├── shufflenetv2.py │ ├── simplepose.py │ ├── squeezenet.py │ ├── squeezenetssd.py │ ├── yolact.py │ ├── yolov2.py │ ├── yolov3.py │ ├── yolov4.py │ └── yolov5.py ├── ncnn │ ├── __init__.py │ ├── model_zoo │ │ ├── __init__.py │ │ ├── fasterrcnn.py │ │ ├── mobilenetssd.py │ │ ├── mobilenetv2ssdlite.py │ │ ├── mobilenetv3ssdlite.py │ │ ├── model_store.py │ │ ├── model_zoo.py │ │ ├── nanodet.py │ │ ├── peleenetssd.py │ │ ├── retinaface.py │ │ ├── rfcn.py │ │ ├── shufflenetv2.py │ │ ├── simplepose.py │ │ ├── squeezenet.py │ │ ├── squeezenetssd.py │ │ ├── yolact.py │ │ ├── yolov2.py │ │ ├── yolov3.py │ │ ├── yolov4.py │ │ └── yolov5.py │ └── utils │ │ ├── __init__.py │ │ ├── download.py │ │ ├── functional.py │ │ ├── objects.py │ │ └── visual.py ├── requirements.txt ├── setup.py.i ├── src │ ├── main.cpp │ ├── pybind11_allocator.h │ ├── pybind11_bind.h │ ├── pybind11_datareader.h │ ├── pybind11_layer.h │ ├── pybind11_mat.h │ └── pybind11_modelbin.h └── tests │ ├── benchmark.py │ ├── custom_layer.param │ ├── test.param │ ├── test_allocator.py │ ├── test_blob.py │ ├── test_extractor.py │ ├── test_mat.py │ ├── test_net.py │ ├── test_option.py │ ├── test_paramdict.py │ ├── test_vulkan_allocator.py │ └── test_vulkan_device.py ├── scripts ├── build-arm64-v8a.sh ├── deployed_arm64.sh ├── deployed_jetson.sh ├── get_output.py ├── init_arm64.sh ├── init_jetson.sh ├── install_jetson.sh ├── run_arm64.sh └── run_jetson.sh ├── setup.py ├── src ├── CMakeLists.txt ├── allocator.cpp ├── allocator.h ├── benchmark.cpp ├── benchmark.h ├── blob.cpp ├── blob.h ├── c_api.cpp ├── c_api.h ├── command.cpp ├── command.h ├── convert_ycbcr.comp ├── cpu.cpp ├── cpu.h ├── datareader.cpp ├── datareader.h ├── gpu.cpp ├── gpu.h ├── layer.cpp ├── layer.h ├── layer │ ├── absval.cpp │ ├── absval.h │ ├── argmax.cpp │ ├── argmax.h │ ├── arm │ │ ├── absval_arm.cpp │ │ ├── absval_arm.h │ │ ├── arm_activation.h │ │ ├── arm_usability.h │ │ ├── batchnorm_arm.cpp │ │ ├── batchnorm_arm.h │ │ ├── bias_arm.cpp │ │ ├── bias_arm.h │ │ ├── binaryop_arm.cpp │ │ ├── binaryop_arm.h │ │ ├── cast_arm.cpp │ │ ├── cast_arm.h │ │ ├── clip_arm.cpp │ │ ├── clip_arm.h │ │ ├── concat_arm.cpp │ │ ├── concat_arm.h │ │ ├── convolution_1x1.h │ │ ├── convolution_1x1_bf16s.h │ │ ├── convolution_1x1_fp16s.h │ │ ├── convolution_1x1_int8.h │ │ ├── convolution_1x1_pack1to4_int8.h │ │ ├── convolution_1x1_pack4.h │ │ ├── convolution_1x1_pack4_bf16s.h │ │ ├── convolution_1x1_pack4_fp16s.h │ │ ├── convolution_1x1_pack4to1.h │ │ ├── convolution_1x1_pack4to1_bf16s.h │ │ ├── convolution_1x1_pack4to8_fp16s.h │ │ ├── convolution_1x1_pack8_fp16s.h │ │ ├── convolution_1x1_pack8to1_fp16s.h │ │ ├── convolution_1x1_pack8to1_int8.h │ │ ├── convolution_1x1_pack8to4_fp16s.h │ │ ├── convolution_1x1_pack8to4_int8.h │ │ ├── convolution_2x2.h │ │ ├── convolution_3x3.h │ │ ├── convolution_3x3_int8.h │ │ ├── convolution_3x3_pack1to4.h │ │ ├── convolution_3x3_pack1to4_bf16s.h │ │ ├── convolution_3x3_pack1to4_fp16s.h │ │ ├── convolution_3x3_pack1to4_int8.h │ │ ├── convolution_3x3_pack1to8_fp16s.h │ │ ├── convolution_3x3_pack4.h │ │ ├── convolution_3x3_pack4_bf16s.h │ │ ├── convolution_3x3_pack4_fp16s.h │ │ ├── convolution_3x3_pack4to1.h │ │ ├── convolution_3x3_pack4to1_bf16s.h │ │ ├── convolution_3x3_pack8_fp16s.h │ │ ├── convolution_3x3_pack8to1_fp16s.h │ │ ├── convolution_3x3_pack8to1_int8.h │ │ ├── convolution_3x3_pack8to4_fp16s.h │ │ ├── convolution_3x3_pack8to4_int8.h │ │ ├── convolution_4x4.h │ │ ├── convolution_5x5.h │ │ ├── convolution_5x5_pack4.h │ │ ├── convolution_5x5_pack4_bf16s.h │ │ ├── convolution_5x5_pack8_fp16s.h │ │ ├── convolution_7x7.h │ │ ├── convolution_7x7_pack1to4.h │ │ ├── convolution_7x7_pack1to4_bf16s.h │ │ ├── convolution_7x7_pack1to4_int8.h │ │ ├── convolution_7x7_pack1to8_fp16s.h │ │ ├── convolution_arm.cpp │ │ ├── convolution_arm.h │ │ ├── convolution_bf16s.h │ │ ├── convolution_fp16s.h │ │ ├── convolution_int8.h │ │ ├── convolution_pack1to4.h │ │ ├── convolution_pack1to4_bf16s.h │ │ ├── convolution_pack1to4_fp16s.h │ │ ├── convolution_pack1to4_int8.h │ │ ├── convolution_pack1to8_fp16s.h │ │ ├── convolution_pack4.h │ │ ├── convolution_pack4_bf16s.h │ │ ├── convolution_pack4_fp16s.h │ │ ├── convolution_pack4to1.h │ │ ├── convolution_pack4to1_bf16s.h │ │ ├── convolution_pack4to1_fp16s.h │ │ ├── convolution_pack4to8_fp16s.h │ │ ├── convolution_pack8_fp16s.h │ │ ├── convolution_pack8to1_fp16s.h │ │ ├── convolution_pack8to1_int8.h │ │ ├── convolution_pack8to4_fp16s.h │ │ ├── convolution_pack8to4_int8.h │ │ ├── convolution_sgemm.h │ │ ├── convolution_sgemm_int8.h │ │ ├── convolution_sgemm_pack1to4_int8.h │ │ ├── convolution_sgemm_pack4.h │ │ ├── convolution_sgemm_pack4_bf16s.h │ │ ├── convolution_sgemm_pack8_fp16s.h │ │ ├── convolution_sgemm_pack8to1_int8.h │ │ ├── convolution_sgemm_pack8to4_int8.h │ │ ├── convolutiondepthwise_3x3.h │ │ ├── convolutiondepthwise_3x3_fp16s.h │ │ ├── convolutiondepthwise_3x3_int8.h │ │ ├── convolutiondepthwise_3x3_pack4.h │ │ ├── convolutiondepthwise_3x3_pack4_bf16s.h │ │ ├── convolutiondepthwise_3x3_pack8_fp16s.h │ │ ├── convolutiondepthwise_3x3_pack8_int8.h │ │ ├── convolutiondepthwise_5x5.h │ │ ├── convolutiondepthwise_5x5_pack4.h │ │ ├── convolutiondepthwise_5x5_pack4_bf16s.h │ │ ├── convolutiondepthwise_5x5_pack8_fp16s.h │ │ ├── convolutiondepthwise_arm.cpp │ │ ├── convolutiondepthwise_arm.h │ │ ├── crop_arm.cpp │ │ ├── crop_arm.h │ │ ├── deconvolution_3x3.h │ │ ├── deconvolution_4x4.h │ │ ├── deconvolution_4x4_fp16s.h │ │ ├── deconvolution_arm.cpp │ │ ├── deconvolution_arm.h │ │ ├── deconvolutiondepthwise_arm.cpp │ │ ├── deconvolutiondepthwise_arm.h │ │ ├── dequantize_arm.cpp │ │ ├── dequantize_arm.h │ │ ├── dropout_arm.cpp │ │ ├── dropout_arm.h │ │ ├── eltwise_arm.cpp │ │ ├── eltwise_arm.h │ │ ├── file_arm.cpp │ │ ├── file_arm.h │ │ ├── flatten_arm.cpp │ │ ├── flatten_arm.h │ │ ├── gru_arm.cpp │ │ ├── gru_arm.h │ │ ├── hardsigmoid_arm.cpp │ │ ├── hardsigmoid_arm.h │ │ ├── hardswish_arm.cpp │ │ ├── hardswish_arm.h │ │ ├── innerproduct_arm.cpp │ │ ├── innerproduct_arm.h │ │ ├── instancenorm_arm.cpp │ │ ├── instancenorm_arm.h │ │ ├── interp_arm.cpp │ │ ├── interp_arm.h │ │ ├── interp_bicubic.h │ │ ├── interp_bicubic_bf16s.h │ │ ├── interp_bicubic_fp16s.h │ │ ├── interp_bicubic_pack4.h │ │ ├── interp_bicubic_pack4_bf16s.h │ │ ├── interp_bicubic_pack4_fp16s.h │ │ ├── interp_bicubic_pack8_fp16s.h │ │ ├── interp_bilinear.h │ │ ├── interp_bilinear_bf16s.h │ │ ├── interp_bilinear_fp16s.h │ │ ├── interp_bilinear_pack4.h │ │ ├── interp_bilinear_pack4_bf16s.h │ │ ├── interp_bilinear_pack4_fp16s.h │ │ ├── interp_bilinear_pack8_fp16s.h │ │ ├── lrn_arm.cpp │ │ ├── lrn_arm.h │ │ ├── lstm_arm.cpp │ │ ├── lstm_arm.h │ │ ├── mish_arm.cpp │ │ ├── mish_arm.h │ │ ├── neon_mathfun.h │ │ ├── neon_mathfun_fp16s.h │ │ ├── neon_mathfun_tanh.h │ │ ├── packing_arm.cpp │ │ ├── packing_arm.h │ │ ├── padding_arm.cpp │ │ ├── padding_arm.h │ │ ├── padding_pack4.h │ │ ├── padding_pack4_bf16s_fp16s.h │ │ ├── padding_pack8_fp16s.h │ │ ├── padding_pack8_int8.h │ │ ├── pixelshuffle_arm.cpp │ │ ├── pixelshuffle_arm.h │ │ ├── pooling_2x2.h │ │ ├── pooling_2x2_pack4.h │ │ ├── pooling_3x3.h │ │ ├── pooling_3x3_pack4.h │ │ ├── pooling_arm.cpp │ │ ├── pooling_arm.h │ │ ├── prelu_arm.cpp │ │ ├── prelu_arm.h │ │ ├── quantize_arm.cpp │ │ ├── quantize_arm.h │ │ ├── relu_arm.cpp │ │ ├── relu_arm.h │ │ ├── requantize_arm.cpp │ │ ├── requantize_arm.h │ │ ├── requantize_relu_pack4.h │ │ ├── requantize_relu_pack8.h │ │ ├── reshape_arm.cpp │ │ ├── reshape_arm.h │ │ ├── rnn_arm.cpp │ │ ├── rnn_arm.h │ │ ├── scale_arm.cpp │ │ ├── scale_arm.h │ │ ├── selu_arm.cpp │ │ ├── selu_arm.h │ │ ├── shufflechannel_arm.cpp │ │ ├── shufflechannel_arm.h │ │ ├── sigmoid_arm.cpp │ │ ├── sigmoid_arm.h │ │ ├── slice_arm.cpp │ │ ├── slice_arm.h │ │ ├── softmax_arm.cpp │ │ ├── softmax_arm.h │ │ ├── swish_arm.cpp │ │ ├── swish_arm.h │ │ ├── tanh_arm.cpp │ │ ├── tanh_arm.h │ │ ├── unaryop_arm.cpp │ │ └── unaryop_arm.h │ ├── batchnorm.cpp │ ├── batchnorm.h │ ├── bias.cpp │ ├── bias.h │ ├── binaryop.cpp │ ├── binaryop.h │ ├── bnll.cpp │ ├── bnll.h │ ├── cast.cpp │ ├── cast.h │ ├── clip.cpp │ ├── clip.h │ ├── concat.cpp │ ├── concat.h │ ├── convolution.cpp │ ├── convolution.h │ ├── convolutiondepthwise.cpp │ ├── convolutiondepthwise.h │ ├── crop.cpp │ ├── crop.h │ ├── deconvolution.cpp │ ├── deconvolution.h │ ├── deconvolutiondepthwise.cpp │ ├── deconvolutiondepthwise.h │ ├── deepcopy.cpp │ ├── deepcopy.h │ ├── dequantize.cpp │ ├── dequantize.h │ ├── detectionoutput.cpp │ ├── detectionoutput.h │ ├── dropout.cpp │ ├── dropout.h │ ├── eltwise.cpp │ ├── eltwise.h │ ├── elu.cpp │ ├── elu.h │ ├── embed.cpp │ ├── embed.h │ ├── exp.cpp │ ├── exp.h │ ├── expanddims.cpp │ ├── expanddims.h │ ├── flatten.cpp │ ├── flatten.h │ ├── gelu.cpp │ ├── gelu.h │ ├── gemm.cpp │ ├── gemm.h │ ├── groupnorm.cpp │ ├── groupnorm.h │ ├── gru.cpp │ ├── gru.h │ ├── hardsigmoid.cpp │ ├── hardsigmoid.h │ ├── hardswish.cpp │ ├── hardswish.h │ ├── innerproduct.cpp │ ├── innerproduct.h │ ├── input.cpp │ ├── input.h │ ├── instancenorm.cpp │ ├── instancenorm.h │ ├── interp.cpp │ ├── interp.h │ ├── layernorm.cpp │ ├── layernorm.h │ ├── log.cpp │ ├── log.h │ ├── lrn.cpp │ ├── lrn.h │ ├── lstm.cpp │ ├── lstm.h │ ├── memorydata.cpp │ ├── memorydata.h │ ├── mips │ │ ├── absval_mips.cpp │ │ ├── absval_mips.h │ │ ├── bias_mips.cpp │ │ ├── bias_mips.h │ │ ├── clip_mips.cpp │ │ ├── clip_mips.h │ │ ├── mips_common.h │ │ ├── mips_mathfun.h │ │ ├── mish_mips.cpp │ │ ├── mish_mips.h │ │ ├── sigmoid_mips.cpp │ │ ├── sigmoid_mips.h │ │ ├── softmax_mips.cpp │ │ ├── softmax_mips.h │ │ ├── tanh_mips.cpp │ │ └── tanh_mips.h │ ├── mish.cpp │ ├── mish.h │ ├── multiheadattention.cpp │ ├── multiheadattention.h │ ├── mvn.cpp │ ├── mvn.h │ ├── noop.cpp │ ├── noop.h │ ├── normalize.cpp │ ├── normalize.h │ ├── packing.cpp │ ├── packing.h │ ├── padding.cpp │ ├── padding.h │ ├── permute.cpp │ ├── permute.h │ ├── pixelshuffle.cpp │ ├── pixelshuffle.h │ ├── pooling.cpp │ ├── pooling.h │ ├── power.cpp │ ├── power.h │ ├── prelu.cpp │ ├── prelu.h │ ├── priorbox.cpp │ ├── priorbox.h │ ├── proposal.cpp │ ├── proposal.h │ ├── psroipooling.cpp │ ├── psroipooling.h │ ├── quantize.cpp │ ├── quantize.h │ ├── reduction.cpp │ ├── reduction.h │ ├── relu.cpp │ ├── relu.h │ ├── reorg.cpp │ ├── reorg.h │ ├── requantize.cpp │ ├── requantize.h │ ├── reshape.cpp │ ├── reshape.h │ ├── riscv │ │ ├── absval_riscv.cpp │ │ ├── absval_riscv.h │ │ ├── cast_riscv.cpp │ │ ├── cast_riscv.h │ │ ├── clip_riscv.cpp │ │ ├── clip_riscv.h │ │ ├── concat_riscv.cpp │ │ ├── concat_riscv.h │ │ ├── convolution_fp16s.h │ │ ├── convolution_pack1ton.h │ │ ├── convolution_pack1ton_fp16s.h │ │ ├── convolution_packn.h │ │ ├── convolution_packn_fp16s.h │ │ ├── convolution_packnto1.h │ │ ├── convolution_packnto1_fp16s.h │ │ ├── convolution_riscv.cpp │ │ ├── convolution_riscv.h │ │ ├── convolutiondepthwise_riscv.cpp │ │ ├── convolutiondepthwise_riscv.h │ │ ├── crop_riscv.cpp │ │ ├── crop_riscv.h │ │ ├── deconvolution_fp16s.h │ │ ├── deconvolution_pack1ton.h │ │ ├── deconvolution_pack1ton_fp16s.h │ │ ├── deconvolution_packn.h │ │ ├── deconvolution_packn_fp16s.h │ │ ├── deconvolution_packnto1.h │ │ ├── deconvolution_packnto1_fp16s.h │ │ ├── deconvolution_riscv.cpp │ │ ├── deconvolution_riscv.h │ │ ├── deconvolutiondepthwise_riscv.cpp │ │ ├── deconvolutiondepthwise_riscv.h │ │ ├── flatten_riscv.cpp │ │ ├── flatten_riscv.h │ │ ├── innerproduct_riscv.cpp │ │ ├── innerproduct_riscv.h │ │ ├── interp_bicubic.h │ │ ├── interp_bicubic_fp16s.h │ │ ├── interp_bicubic_packn.h │ │ ├── interp_bicubic_packn_fp16s.h │ │ ├── interp_bilinear.h │ │ ├── interp_bilinear_fp16s.h │ │ ├── interp_bilinear_packn.h │ │ ├── interp_bilinear_packn_fp16s.h │ │ ├── interp_riscv.cpp │ │ ├── interp_riscv.h │ │ ├── mish_riscv.cpp │ │ ├── mish_riscv.h │ │ ├── packing_riscv.cpp │ │ ├── packing_riscv.h │ │ ├── padding_packn.h │ │ ├── padding_riscv.cpp │ │ ├── padding_riscv.h │ │ ├── pooling_riscv.cpp │ │ ├── pooling_riscv.h │ │ ├── relu_riscv.cpp │ │ ├── relu_riscv.h │ │ ├── riscv_activation.h │ │ ├── riscv_usability.h │ │ ├── riscv_v_071_fix.h │ │ ├── rvv_mathfun.h │ │ ├── rvv_mathfun_fp16s.h │ │ ├── sigmoid_riscv.cpp │ │ ├── sigmoid_riscv.h │ │ ├── swish_riscv.cpp │ │ ├── swish_riscv.h │ │ ├── tanh_riscv.cpp │ │ ├── tanh_riscv.h │ │ ├── unaryop_riscv.cpp │ │ └── unaryop_riscv.h │ ├── rnn.cpp │ ├── rnn.h │ ├── roialign.cpp │ ├── roialign.h │ ├── roipooling.cpp │ ├── roipooling.h │ ├── scale.cpp │ ├── scale.h │ ├── selu.cpp │ ├── selu.h │ ├── shufflechannel.cpp │ ├── shufflechannel.h │ ├── sigmoid.cpp │ ├── sigmoid.h │ ├── slice.cpp │ ├── slice.h │ ├── softmax.cpp │ ├── softmax.h │ ├── softplus.cpp │ ├── softplus.h │ ├── split.cpp │ ├── split.h │ ├── spp.cpp │ ├── spp.h │ ├── squeeze.cpp │ ├── squeeze.h │ ├── statisticspooling.cpp │ ├── statisticspooling.h │ ├── swish.cpp │ ├── swish.h │ ├── tanh.cpp │ ├── tanh.h │ ├── threshold.cpp │ ├── threshold.h │ ├── tile.cpp │ ├── tile.h │ ├── unaryop.cpp │ ├── unaryop.h │ ├── vulkan │ │ ├── absval_vulkan.cpp │ │ ├── absval_vulkan.h │ │ ├── batchnorm_vulkan.cpp │ │ ├── batchnorm_vulkan.h │ │ ├── binaryop_vulkan.cpp │ │ ├── binaryop_vulkan.h │ │ ├── cast_vulkan.cpp │ │ ├── cast_vulkan.h │ │ ├── clip_vulkan.cpp │ │ ├── clip_vulkan.h │ │ ├── concat_vulkan.cpp │ │ ├── concat_vulkan.h │ │ ├── convolution_vulkan.cpp │ │ ├── convolution_vulkan.h │ │ ├── convolutiondepthwise_vulkan.cpp │ │ ├── convolutiondepthwise_vulkan.h │ │ ├── crop_vulkan.cpp │ │ ├── crop_vulkan.h │ │ ├── deconvolution_vulkan.cpp │ │ ├── deconvolution_vulkan.h │ │ ├── deconvolutiondepthwise_vulkan.cpp │ │ ├── deconvolutiondepthwise_vulkan.h │ │ ├── deepcopy_vulkan.cpp │ │ ├── deepcopy_vulkan.h │ │ ├── dropout_vulkan.cpp │ │ ├── dropout_vulkan.h │ │ ├── eltwise_vulkan.cpp │ │ ├── eltwise_vulkan.h │ │ ├── flatten_vulkan.cpp │ │ ├── flatten_vulkan.h │ │ ├── hardsigmoid_vulkan.cpp │ │ ├── hardsigmoid_vulkan.h │ │ ├── hardswish_vulkan.cpp │ │ ├── hardswish_vulkan.h │ │ ├── innerproduct_vulkan.cpp │ │ ├── innerproduct_vulkan.h │ │ ├── instancenorm_vulkan.cpp │ │ ├── instancenorm_vulkan.h │ │ ├── interp_vulkan.cpp │ │ ├── interp_vulkan.h │ │ ├── lrn_vulkan.cpp │ │ ├── lrn_vulkan.h │ │ ├── memorydata_vulkan.cpp │ │ ├── memorydata_vulkan.h │ │ ├── mish_vulkan.cpp │ │ ├── mish_vulkan.h │ │ ├── normalize_vulkan.cpp │ │ ├── normalize_vulkan.h │ │ ├── packing_vulkan.cpp │ │ ├── packing_vulkan.h │ │ ├── padding_vulkan.cpp │ │ ├── padding_vulkan.h │ │ ├── permute_vulkan.cpp │ │ ├── permute_vulkan.h │ │ ├── pixelshuffle_vulkan.cpp │ │ ├── pixelshuffle_vulkan.h │ │ ├── pooling_vulkan.cpp │ │ ├── pooling_vulkan.h │ │ ├── prelu_vulkan.cpp │ │ ├── prelu_vulkan.h │ │ ├── priorbox_vulkan.cpp │ │ ├── priorbox_vulkan.h │ │ ├── relu_vulkan.cpp │ │ ├── relu_vulkan.h │ │ ├── reorg_vulkan.cpp │ │ ├── reorg_vulkan.h │ │ ├── reshape_vulkan.cpp │ │ ├── reshape_vulkan.h │ │ ├── scale_vulkan.cpp │ │ ├── scale_vulkan.h │ │ ├── shader │ │ │ ├── absval.comp │ │ │ ├── absval_pack4.comp │ │ │ ├── absval_pack8.comp │ │ │ ├── batchnorm.comp │ │ │ ├── batchnorm_pack4.comp │ │ │ ├── batchnorm_pack8.comp │ │ │ ├── binaryop.comp │ │ │ ├── binaryop_broadcast.comp │ │ │ ├── binaryop_broadcast_a1_pack4.comp │ │ │ ├── binaryop_broadcast_a1_pack8.comp │ │ │ ├── binaryop_broadcast_b1_pack4.comp │ │ │ ├── binaryop_broadcast_b1_pack8.comp │ │ │ ├── binaryop_broadcast_pack4.comp │ │ │ ├── binaryop_broadcast_pack8.comp │ │ │ ├── binaryop_pack4.comp │ │ │ ├── binaryop_pack8.comp │ │ │ ├── cast_fp16_to_fp32.comp │ │ │ ├── cast_fp16_to_fp32_pack4.comp │ │ │ ├── cast_fp16_to_fp32_pack8.comp │ │ │ ├── cast_fp32_to_fp16.comp │ │ │ ├── cast_fp32_to_fp16_pack4.comp │ │ │ ├── cast_fp32_to_fp16_pack8.comp │ │ │ ├── clip.comp │ │ │ ├── clip_pack4.comp │ │ │ ├── clip_pack8.comp │ │ │ ├── concat.comp │ │ │ ├── concat_pack4.comp │ │ │ ├── concat_pack4to1.comp │ │ │ ├── concat_pack8.comp │ │ │ ├── concat_pack8to1.comp │ │ │ ├── concat_pack8to4.comp │ │ │ ├── convolution.comp │ │ │ ├── convolution_1x1s1d1.comp │ │ │ ├── convolution_pack1to4.comp │ │ │ ├── convolution_pack1to8.comp │ │ │ ├── convolution_pack4.comp │ │ │ ├── convolution_pack4_1x1s1d1.comp │ │ │ ├── convolution_pack4_3x3s1d1_winograd23_gemm.comp │ │ │ ├── convolution_pack4_3x3s1d1_winograd23_transform_input.comp │ │ │ ├── convolution_pack4_3x3s1d1_winograd23_transform_output.comp │ │ │ ├── convolution_pack4to1.comp │ │ │ ├── convolution_pack4to8.comp │ │ │ ├── convolution_pack8.comp │ │ │ ├── convolution_pack8_1x1s1d1.comp │ │ │ ├── convolution_pack8_3x3s1d1_winograd23_gemm.comp │ │ │ ├── convolution_pack8_3x3s1d1_winograd23_transform_input.comp │ │ │ ├── convolution_pack8_3x3s1d1_winograd23_transform_output.comp │ │ │ ├── convolution_pack8to1.comp │ │ │ ├── convolution_pack8to4.comp │ │ │ ├── convolutiondepthwise.comp │ │ │ ├── convolutiondepthwise_group.comp │ │ │ ├── convolutiondepthwise_group_pack1to4.comp │ │ │ ├── convolutiondepthwise_group_pack1to8.comp │ │ │ ├── convolutiondepthwise_group_pack4.comp │ │ │ ├── convolutiondepthwise_group_pack4to1.comp │ │ │ ├── convolutiondepthwise_group_pack4to8.comp │ │ │ ├── convolutiondepthwise_group_pack8.comp │ │ │ ├── convolutiondepthwise_group_pack8to1.comp │ │ │ ├── convolutiondepthwise_group_pack8to4.comp │ │ │ ├── convolutiondepthwise_pack4.comp │ │ │ ├── convolutiondepthwise_pack8.comp │ │ │ ├── crop.comp │ │ │ ├── crop_pack1to4.comp │ │ │ ├── crop_pack1to8.comp │ │ │ ├── crop_pack4.comp │ │ │ ├── crop_pack4to1.comp │ │ │ ├── crop_pack4to8.comp │ │ │ ├── crop_pack8.comp │ │ │ ├── crop_pack8to1.comp │ │ │ ├── crop_pack8to4.comp │ │ │ ├── deconvolution.comp │ │ │ ├── deconvolution_pack1to4.comp │ │ │ ├── deconvolution_pack1to8.comp │ │ │ ├── deconvolution_pack4.comp │ │ │ ├── deconvolution_pack4to1.comp │ │ │ ├── deconvolution_pack4to8.comp │ │ │ ├── deconvolution_pack8.comp │ │ │ ├── deconvolution_pack8to1.comp │ │ │ ├── deconvolution_pack8to4.comp │ │ │ ├── deconvolutiondepthwise.comp │ │ │ ├── deconvolutiondepthwise_group.comp │ │ │ ├── deconvolutiondepthwise_group_pack1to4.comp │ │ │ ├── deconvolutiondepthwise_group_pack1to8.comp │ │ │ ├── deconvolutiondepthwise_group_pack4.comp │ │ │ ├── deconvolutiondepthwise_group_pack4to1.comp │ │ │ ├── deconvolutiondepthwise_group_pack4to8.comp │ │ │ ├── deconvolutiondepthwise_group_pack8.comp │ │ │ ├── deconvolutiondepthwise_group_pack8to1.comp │ │ │ ├── deconvolutiondepthwise_group_pack8to4.comp │ │ │ ├── deconvolutiondepthwise_pack4.comp │ │ │ ├── deconvolutiondepthwise_pack8.comp │ │ │ ├── deepcopy.comp │ │ │ ├── deepcopy_pack4.comp │ │ │ ├── deepcopy_pack8.comp │ │ │ ├── dropout.comp │ │ │ ├── dropout_pack4.comp │ │ │ ├── dropout_pack8.comp │ │ │ ├── eltwise.comp │ │ │ ├── eltwise_pack4.comp │ │ │ ├── eltwise_pack8.comp │ │ │ ├── flatten.comp │ │ │ ├── flatten_pack1to4.comp │ │ │ ├── flatten_pack1to8.comp │ │ │ ├── flatten_pack4.comp │ │ │ ├── flatten_pack4to8.comp │ │ │ ├── flatten_pack8.comp │ │ │ ├── hardsigmoid.comp │ │ │ ├── hardsigmoid_pack4.comp │ │ │ ├── hardsigmoid_pack8.comp │ │ │ ├── hardswish.comp │ │ │ ├── hardswish_pack4.comp │ │ │ ├── hardswish_pack8.comp │ │ │ ├── innerproduct.comp │ │ │ ├── innerproduct_gemm.comp │ │ │ ├── innerproduct_gemm_wp1to4.comp │ │ │ ├── innerproduct_gemm_wp1to8.comp │ │ │ ├── innerproduct_gemm_wp4.comp │ │ │ ├── innerproduct_gemm_wp4to1.comp │ │ │ ├── innerproduct_gemm_wp4to8.comp │ │ │ ├── innerproduct_gemm_wp8.comp │ │ │ ├── innerproduct_gemm_wp8to1.comp │ │ │ ├── innerproduct_gemm_wp8to4.comp │ │ │ ├── innerproduct_pack1to4.comp │ │ │ ├── innerproduct_pack1to8.comp │ │ │ ├── innerproduct_pack4.comp │ │ │ ├── innerproduct_pack4to1.comp │ │ │ ├── innerproduct_pack4to8.comp │ │ │ ├── innerproduct_pack8.comp │ │ │ ├── innerproduct_pack8to1.comp │ │ │ ├── innerproduct_pack8to4.comp │ │ │ ├── instancenorm_coeffs.comp │ │ │ ├── instancenorm_coeffs_pack4.comp │ │ │ ├── instancenorm_coeffs_pack8.comp │ │ │ ├── instancenorm_norm.comp │ │ │ ├── instancenorm_norm_pack4.comp │ │ │ ├── instancenorm_norm_pack8.comp │ │ │ ├── instancenorm_reduce_mean.comp │ │ │ ├── instancenorm_reduce_mean_pack4.comp │ │ │ ├── instancenorm_reduce_mean_pack8.comp │ │ │ ├── instancenorm_reduce_sum4_fp16_to_fp32.comp │ │ │ ├── instancenorm_reduce_sum4_fp16_to_fp32_pack4.comp │ │ │ ├── instancenorm_reduce_sum4_fp16_to_fp32_pack8.comp │ │ │ ├── instancenorm_reduce_sum4_fp32.comp │ │ │ ├── instancenorm_reduce_sum4_fp32_pack4.comp │ │ │ ├── instancenorm_reduce_sum4_fp32_pack8.comp │ │ │ ├── instancenorm_sub_mean_square.comp │ │ │ ├── instancenorm_sub_mean_square_pack4.comp │ │ │ ├── instancenorm_sub_mean_square_pack8.comp │ │ │ ├── interp.comp │ │ │ ├── interp_bicubic.comp │ │ │ ├── interp_bicubic_coeffs.comp │ │ │ ├── interp_bicubic_pack4.comp │ │ │ ├── interp_bicubic_pack8.comp │ │ │ ├── interp_pack4.comp │ │ │ ├── interp_pack8.comp │ │ │ ├── lrn_norm.comp │ │ │ ├── lrn_norm_across_channel_pack4.comp │ │ │ ├── lrn_norm_across_channel_pack8.comp │ │ │ ├── lrn_norm_within_channel_pack4.comp │ │ │ ├── lrn_norm_within_channel_pack8.comp │ │ │ ├── lrn_square_pad.comp │ │ │ ├── lrn_square_pad_across_channel_pack4.comp │ │ │ ├── lrn_square_pad_across_channel_pack8.comp │ │ │ ├── lrn_square_pad_within_channel_pack4.comp │ │ │ ├── lrn_square_pad_within_channel_pack8.comp │ │ │ ├── mish.comp │ │ │ ├── mish_pack4.comp │ │ │ ├── mish_pack8.comp │ │ │ ├── normalize_coeffs.comp │ │ │ ├── normalize_coeffs_pack4.comp │ │ │ ├── normalize_coeffs_pack8.comp │ │ │ ├── normalize_norm.comp │ │ │ ├── normalize_norm_pack4.comp │ │ │ ├── normalize_norm_pack8.comp │ │ │ ├── normalize_reduce_sum4_fp16_to_fp32.comp │ │ │ ├── normalize_reduce_sum4_fp16_to_fp32_pack4.comp │ │ │ ├── normalize_reduce_sum4_fp16_to_fp32_pack8.comp │ │ │ ├── normalize_reduce_sum4_fp32.comp │ │ │ ├── normalize_reduce_sum4_fp32_pack4.comp │ │ │ ├── normalize_reduce_sum4_fp32_pack8.comp │ │ │ ├── packing.comp │ │ │ ├── packing_fp16_to_fp32.comp │ │ │ ├── packing_fp32_to_fp16.comp │ │ │ ├── packing_pack1to4.comp │ │ │ ├── packing_pack1to4_fp16_to_fp32.comp │ │ │ ├── packing_pack1to4_fp32_to_fp16.comp │ │ │ ├── packing_pack1to8.comp │ │ │ ├── packing_pack1to8_fp16_to_fp32.comp │ │ │ ├── packing_pack1to8_fp32_to_fp16.comp │ │ │ ├── packing_pack4.comp │ │ │ ├── packing_pack4_fp16_to_fp32.comp │ │ │ ├── packing_pack4_fp32_to_fp16.comp │ │ │ ├── packing_pack4to1.comp │ │ │ ├── packing_pack4to1_fp16_to_fp32.comp │ │ │ ├── packing_pack4to1_fp32_to_fp16.comp │ │ │ ├── packing_pack4to8.comp │ │ │ ├── packing_pack4to8_fp16_to_fp32.comp │ │ │ ├── packing_pack4to8_fp32_to_fp16.comp │ │ │ ├── packing_pack8.comp │ │ │ ├── packing_pack8_fp16_to_fp32.comp │ │ │ ├── packing_pack8_fp32_to_fp16.comp │ │ │ ├── packing_pack8to1.comp │ │ │ ├── packing_pack8to1_fp16_to_fp32.comp │ │ │ ├── packing_pack8to1_fp32_to_fp16.comp │ │ │ ├── packing_pack8to4.comp │ │ │ ├── packing_pack8to4_fp16_to_fp32.comp │ │ │ ├── packing_pack8to4_fp32_to_fp16.comp │ │ │ ├── padding.comp │ │ │ ├── padding_pack1to4.comp │ │ │ ├── padding_pack1to8.comp │ │ │ ├── padding_pack4.comp │ │ │ ├── padding_pack4to1.comp │ │ │ ├── padding_pack4to8.comp │ │ │ ├── padding_pack8.comp │ │ │ ├── padding_pack8to1.comp │ │ │ ├── padding_pack8to4.comp │ │ │ ├── permute.comp │ │ │ ├── permute_pack1to4.comp │ │ │ ├── permute_pack1to8.comp │ │ │ ├── permute_pack4.comp │ │ │ ├── permute_pack4to1.comp │ │ │ ├── permute_pack4to8.comp │ │ │ ├── permute_pack8.comp │ │ │ ├── permute_pack8to1.comp │ │ │ ├── permute_pack8to4.comp │ │ │ ├── pixelshuffle.comp │ │ │ ├── pixelshuffle_pack4.comp │ │ │ ├── pixelshuffle_pack4to1.comp │ │ │ ├── pixelshuffle_pack8.comp │ │ │ ├── pixelshuffle_pack8to1.comp │ │ │ ├── pixelshuffle_pack8to4.comp │ │ │ ├── pooling.comp │ │ │ ├── pooling_adaptive.comp │ │ │ ├── pooling_adaptive_pack4.comp │ │ │ ├── pooling_adaptive_pack8.comp │ │ │ ├── pooling_global.comp │ │ │ ├── pooling_global_pack4.comp │ │ │ ├── pooling_global_pack8.comp │ │ │ ├── pooling_pack4.comp │ │ │ ├── pooling_pack8.comp │ │ │ ├── prelu.comp │ │ │ ├── prelu_pack4.comp │ │ │ ├── prelu_pack8.comp │ │ │ ├── priorbox.comp │ │ │ ├── priorbox_mxnet.comp │ │ │ ├── relu.comp │ │ │ ├── relu_pack4.comp │ │ │ ├── relu_pack8.comp │ │ │ ├── reorg.comp │ │ │ ├── reorg_pack1to4.comp │ │ │ ├── reorg_pack1to8.comp │ │ │ ├── reorg_pack4.comp │ │ │ ├── reorg_pack4to8.comp │ │ │ ├── reorg_pack8.comp │ │ │ ├── reshape.comp │ │ │ ├── reshape_pack1to4.comp │ │ │ ├── reshape_pack1to8.comp │ │ │ ├── reshape_pack4.comp │ │ │ ├── reshape_pack4to1.comp │ │ │ ├── reshape_pack4to8.comp │ │ │ ├── reshape_pack8.comp │ │ │ ├── reshape_pack8to1.comp │ │ │ ├── reshape_pack8to4.comp │ │ │ ├── scale.comp │ │ │ ├── scale_pack4.comp │ │ │ ├── scale_pack8.comp │ │ │ ├── shufflechannel.comp │ │ │ ├── shufflechannel_pack4.comp │ │ │ ├── shufflechannel_pack8.comp │ │ │ ├── sigmoid.comp │ │ │ ├── sigmoid_pack4.comp │ │ │ ├── sigmoid_pack8.comp │ │ │ ├── slice.comp │ │ │ ├── slice_pack1to4.comp │ │ │ ├── slice_pack1to8.comp │ │ │ ├── slice_pack4.comp │ │ │ ├── slice_pack4to8.comp │ │ │ ├── slice_pack8.comp │ │ │ ├── softmax_div_sum.comp │ │ │ ├── softmax_div_sum_pack4.comp │ │ │ ├── softmax_div_sum_pack8.comp │ │ │ ├── softmax_exp_sub_max.comp │ │ │ ├── softmax_exp_sub_max_pack4.comp │ │ │ ├── softmax_exp_sub_max_pack8.comp │ │ │ ├── softmax_reduce_max.comp │ │ │ ├── softmax_reduce_max_pack4.comp │ │ │ ├── softmax_reduce_max_pack8.comp │ │ │ ├── softmax_reduce_sum.comp │ │ │ ├── softmax_reduce_sum_pack4.comp │ │ │ ├── softmax_reduce_sum_pack8.comp │ │ │ ├── swish.comp │ │ │ ├── swish_pack4.comp │ │ │ ├── swish_pack8.comp │ │ │ ├── tanh.comp │ │ │ ├── tanh_pack4.comp │ │ │ ├── tanh_pack8.comp │ │ │ ├── unaryop.comp │ │ │ ├── unaryop_pack4.comp │ │ │ └── unaryop_pack8.comp │ │ ├── shufflechannel_vulkan.cpp │ │ ├── shufflechannel_vulkan.h │ │ ├── sigmoid_vulkan.cpp │ │ ├── sigmoid_vulkan.h │ │ ├── slice_vulkan.cpp │ │ ├── slice_vulkan.h │ │ ├── softmax_vulkan.cpp │ │ ├── softmax_vulkan.h │ │ ├── swish_vulkan.cpp │ │ ├── swish_vulkan.h │ │ ├── tanh_vulkan.cpp │ │ ├── tanh_vulkan.h │ │ ├── unaryop_vulkan.cpp │ │ └── unaryop_vulkan.h │ ├── x86 │ │ ├── avx_mathfun.h │ │ ├── batchnorm_x86.cpp │ │ ├── batchnorm_x86.h │ │ ├── bias_x86.cpp │ │ ├── bias_x86.h │ │ ├── binaryop_x86.cpp │ │ ├── binaryop_x86.h │ │ ├── cast_x86.cpp │ │ ├── cast_x86.h │ │ ├── clip_x86.cpp │ │ ├── clip_x86.h │ │ ├── concat_x86.cpp │ │ ├── concat_x86.h │ │ ├── convolution_1x1.h │ │ ├── convolution_1x1_int8.h │ │ ├── convolution_1x1_pack4.h │ │ ├── convolution_1x1_pack8.h │ │ ├── convolution_1x1_pack8_fp16.h │ │ ├── convolution_1x1_pack8to4_int8.h │ │ ├── convolution_2x2_pack8.h │ │ ├── convolution_2x2_pack8_fp16.h │ │ ├── convolution_3x3.h │ │ ├── convolution_3x3_int8.h │ │ ├── convolution_3x3_pack1to8.h │ │ ├── convolution_3x3_pack8.h │ │ ├── convolution_3x3_pack8to1.h │ │ ├── convolution_5x5.h │ │ ├── convolution_7x7.h │ │ ├── convolution_int8.h │ │ ├── convolution_pack1to4_int8.h │ │ ├── convolution_pack8to1_int8.h │ │ ├── convolution_pack8to4_int8.h │ │ ├── convolution_sgemm.h │ │ ├── convolution_sgemm_int8.h │ │ ├── convolution_sgemm_pack8to4_int8.h │ │ ├── convolution_x86.cpp │ │ ├── convolution_x86.h │ │ ├── convolutiondepthwise_3x3.h │ │ ├── convolutiondepthwise_3x3_int8.h │ │ ├── convolutiondepthwise_3x3_pack8.h │ │ ├── convolutiondepthwise_3x3_pack8_fp16.h │ │ ├── convolutiondepthwise_5x5_pack8.h │ │ ├── convolutiondepthwise_x86.cpp │ │ ├── convolutiondepthwise_x86.h │ │ ├── crop_x86.cpp │ │ ├── crop_x86.h │ │ ├── dequantize_x86.cpp │ │ ├── dequantize_x86.h │ │ ├── dropout_x86.cpp │ │ ├── dropout_x86.h │ │ ├── eltwise_x86.cpp │ │ ├── eltwise_x86.h │ │ ├── flatten_x86.cpp │ │ ├── flatten_x86.h │ │ ├── hardsigmoid_x86.cpp │ │ ├── hardsigmoid_x86.h │ │ ├── hardswish_x86.cpp │ │ ├── hardswish_x86.h │ │ ├── innerproduct_x86.cpp │ │ ├── innerproduct_x86.h │ │ ├── lrn_x86.cpp │ │ ├── lrn_x86.h │ │ ├── lstm_x86.cpp │ │ ├── lstm_x86.h │ │ ├── mish_x86.cpp │ │ ├── mish_x86.h │ │ ├── packing_x86.cpp │ │ ├── packing_x86.h │ │ ├── padding_pack4.h │ │ ├── padding_pack8.h │ │ ├── padding_pack8_int8.h │ │ ├── padding_x86.cpp │ │ ├── padding_x86.h │ │ ├── pooling_2x2.h │ │ ├── pooling_2x2_pack8.h │ │ ├── pooling_3x3_pack8.h │ │ ├── pooling_x86.cpp │ │ ├── pooling_x86.h │ │ ├── prelu_x86.cpp │ │ ├── prelu_x86.h │ │ ├── quantize_x86.cpp │ │ ├── quantize_x86.h │ │ ├── relu_x86.cpp │ │ ├── relu_x86.h │ │ ├── requantize_x86.cpp │ │ ├── requantize_x86.h │ │ ├── reshape_x86.cpp │ │ ├── reshape_x86.h │ │ ├── roialign_x86.cpp │ │ ├── roialign_x86.h │ │ ├── scale_x86.cpp │ │ ├── scale_x86.h │ │ ├── sigmoid_x86.cpp │ │ ├── sigmoid_x86.h │ │ ├── slice_x86.cpp │ │ ├── slice_x86.h │ │ ├── sse_mathfun.h │ │ ├── swish_x86.cpp │ │ ├── swish_x86.h │ │ ├── tanh_x86.cpp │ │ ├── tanh_x86.h │ │ ├── x86_activation.h │ │ ├── x86_usability.h │ │ ├── yolov3detectionoutput_x86.cpp │ │ └── yolov3detectionoutput_x86.h │ ├── yolodetectionoutput.cpp │ ├── yolodetectionoutput.h │ ├── yolov3detectionoutput.cpp │ └── yolov3detectionoutput.h ├── layer_declaration.h.in ├── layer_registry.h.in ├── layer_shader_registry.h.in ├── layer_shader_spv_data.h.in ├── layer_shader_type.h ├── layer_shader_type_enum.h.in ├── layer_type.h ├── layer_type_enum.h.in ├── mat.cpp ├── mat.h ├── mat_pixel.cpp ├── mat_pixel_affine.cpp ├── mat_pixel_android.cpp ├── mat_pixel_drawing.cpp ├── mat_pixel_drawing_font.h ├── mat_pixel_drawing_font.png ├── mat_pixel_resize.cpp ├── mat_pixel_rotate.cpp ├── modelbin.cpp ├── modelbin.h ├── net.cpp ├── net.h ├── net_new.cpp ├── net_new.h ├── option.cpp ├── option.h ├── paramdict.cpp ├── paramdict.h ├── pipeline.cpp ├── pipeline.h ├── pipelinecache.cpp ├── pipelinecache.h ├── platform.h.in ├── simpleocv.cpp ├── simpleocv.h ├── simpleomp.cpp ├── simpleomp.h ├── simplestl.cpp ├── simplestl.h ├── stb_image.h ├── stb_image_write.h └── vulkan_header_fix.h ├── tests ├── CMakeLists.txt ├── prng.h ├── test_absval.cpp ├── test_batchnorm.cpp ├── test_binaryop.cpp ├── test_c_api.cpp ├── test_cast.cpp ├── test_clip.cpp ├── test_command.cpp ├── test_concat.cpp ├── test_convolution.cpp ├── test_convolutiondepthwise.cpp ├── test_cpu.cpp ├── test_crop.cpp ├── test_deconvolution.cpp ├── test_deconvolutiondepthwise.cpp ├── test_deepcopy.cpp ├── test_dequantize.cpp ├── test_dropout.cpp ├── test_eltwise.cpp ├── test_elu.cpp ├── test_flatten.cpp ├── test_gelu.cpp ├── test_gemm.cpp ├── test_groupnorm.cpp ├── test_gru.cpp ├── test_hardsigmoid.cpp ├── test_hardswish.cpp ├── test_innerproduct.cpp ├── test_instancenorm.cpp ├── test_interp.cpp ├── test_layernorm.cpp ├── test_lrn.cpp ├── test_lstm.cpp ├── test_mat_pixel.cpp ├── test_mat_pixel_affine.cpp ├── test_mat_pixel_drawing.cpp ├── test_mat_pixel_resize.cpp ├── test_mat_pixel_rotate.cpp ├── test_memorydata.cpp ├── test_mish.cpp ├── test_multiheadattention.cpp ├── test_noop.cpp ├── test_normalize.cpp ├── test_packing.cpp ├── test_padding.cpp ├── test_permute.cpp ├── test_pixelshuffle.cpp ├── test_pooling.cpp ├── test_prelu.cpp ├── test_priorbox.cpp ├── test_quantize.cpp ├── test_relu.cpp ├── test_reorg.cpp ├── test_requantize.cpp ├── test_reshape.cpp ├── test_rnn.cpp ├── test_roialign.cpp ├── test_roipooling.cpp ├── test_scale.cpp ├── test_shufflechannel.cpp ├── test_sigmoid.cpp ├── test_slice.cpp ├── test_softmax.cpp ├── test_softplus.cpp ├── test_squeezenet.cpp ├── test_swish.cpp ├── test_tanh.cpp ├── test_unaryop.cpp ├── test_yolov3detectionoutput.cpp └── testutil.h ├── toolchains ├── aarch64-linux-gnu-c.toolchain.cmake ├── aarch64-linux-gnu.toolchain.cmake ├── arm-linux-gnueabi-c.toolchain.cmake ├── arm-linux-gnueabi.toolchain.cmake ├── arm-linux-gnueabihf.toolchain.cmake ├── c906.toolchain.cmake ├── himix100.toolchain.cmake ├── himix200.toolchain.cmake ├── hisiv300.toolchain.cmake ├── hisiv500.toolchain.cmake ├── hisiv600.toolchain.cmake ├── host-c.clang.toolchain.cmake ├── host-c.gcc.toolchain.cmake ├── host.clang-m32.toolchain.cmake ├── host.gcc-c++03.toolchain.cmake ├── host.gcc-m32.toolchain.cmake ├── host.gcc.toolchain.cmake ├── ios.toolchain.cmake ├── iossimxc-x64.toolchain.cmake ├── iossimxc.toolchain.cmake ├── iosxc-arm64.toolchain.cmake ├── iosxc.toolchain.cmake ├── jetson.toolchain.cmake ├── mips-mti-linux-gnu.toolchain.cmake ├── mips64el-linux-gnuabi64.toolchain.cmake ├── mipsel-linux-gnu.toolchain.cmake ├── mipsisa32r6el-linux-gnu.toolchain.cmake ├── mipsisa64r6el-linux-gnuabi64.toolchain.cmake ├── pi3.toolchain.cmake ├── powerpc64le-linux-gnu.toolchain.cmake ├── riscv32-unknown-elf.toolchain.cmake ├── riscv64-linux-gnu.toolchain.cmake ├── riscv64-unknown-elf.toolchain.cmake ├── riscv64-unknown-linux-gnu.toolchain.cmake └── v831.toolchain.cmake └── tools ├── CMakeLists.txt ├── caffe ├── CMakeLists.txt ├── caffe.proto └── caffe2ncnn.cpp ├── darknet ├── CMakeLists.txt ├── README.md ├── darknet2ncnn.cpp └── output.jpg ├── keras └── readme.md ├── mlir ├── CMakeLists.txt ├── fix_td.sh ├── mlir2ncnn.cpp ├── ncnn_dialect.cpp ├── ncnn_dialect.h ├── ncnn_ops.td ├── ncnn_rewriter.cpp ├── ncnn_rewriter.td ├── tf_attributes.cc ├── tf_attributes.h ├── tf_dialect.cpp ├── tf_dialect.h ├── tf_generated_ops.td ├── tf_op_base.td ├── tf_ops.td ├── tf_side_effects.h ├── tf_traits.h ├── tf_types.cc ├── tf_types.def └── tf_types.h ├── modelwriter.h ├── mxnet ├── CMakeLists.txt └── mxnet2ncnn.cpp ├── ncnn2mem.cpp ├── ncnnmerge.cpp ├── ncnnoptimize.cpp ├── onnx ├── CMakeLists.txt ├── onnx.proto └── onnx2ncnn.cpp ├── plugin ├── ImageWatchNCNN.natvis ├── ImageWatchNNIE.natvis ├── README.md ├── ncnn_snapshot.png └── nnie_snapshot.png ├── pytorch └── readme.txt ├── quantize ├── CMakeLists.txt ├── README.md ├── imreadwrite.cpp ├── imreadwrite.h ├── ncnn2int8.cpp └── ncnn2table.cpp └── tensorflow └── readme.txt /.###: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /.astylerc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/.astylerc -------------------------------------------------------------------------------- /.clang-format: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/.clang-format -------------------------------------------------------------------------------- /.gitattributes: -------------------------------------------------------------------------------- 1 | *.comp linguist-language=GLSL 2 | -------------------------------------------------------------------------------- /.github/ISSUE_TEMPLATE/bug.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/.github/ISSUE_TEMPLATE/bug.md -------------------------------------------------------------------------------- /.github/ISSUE_TEMPLATE/model-convert.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/.github/ISSUE_TEMPLATE/model-convert.md -------------------------------------------------------------------------------- /.github/ISSUE_TEMPLATE/others.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/.github/ISSUE_TEMPLATE/others.md -------------------------------------------------------------------------------- /.github/ISSUE_TEMPLATE/quantization.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/.github/ISSUE_TEMPLATE/quantization.md -------------------------------------------------------------------------------- /.github/dependabot.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/.github/dependabot.yml -------------------------------------------------------------------------------- /.github/workflows/android-armv7-cpu.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/.github/workflows/android-armv7-cpu.yml -------------------------------------------------------------------------------- /.github/workflows/android-armv7-gpu.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/.github/workflows/android-armv7-gpu.yml -------------------------------------------------------------------------------- /.github/workflows/android-armv8-cpu.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/.github/workflows/android-armv8-cpu.yml -------------------------------------------------------------------------------- /.github/workflows/android-armv8-gpu.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/.github/workflows/android-armv8-gpu.yml -------------------------------------------------------------------------------- /.github/workflows/android-x64-cpu.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/.github/workflows/android-x64-cpu.yml -------------------------------------------------------------------------------- /.github/workflows/android-x64-gpu.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/.github/workflows/android-x64-gpu.yml -------------------------------------------------------------------------------- /.github/workflows/android-x86-cpu.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/.github/workflows/android-x86-cpu.yml -------------------------------------------------------------------------------- /.github/workflows/android-x86-gpu.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/.github/workflows/android-x86-gpu.yml -------------------------------------------------------------------------------- /.github/workflows/codeql-analysis.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/.github/workflows/codeql-analysis.yml -------------------------------------------------------------------------------- /.github/workflows/ios-arm64-gpu.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/.github/workflows/ios-arm64-gpu.yml -------------------------------------------------------------------------------- /.github/workflows/ios-cpu.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/.github/workflows/ios-cpu.yml -------------------------------------------------------------------------------- /.github/workflows/ios-simulator.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/.github/workflows/ios-simulator.yml -------------------------------------------------------------------------------- /.github/workflows/linux-arm-cpu-gcc.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/.github/workflows/linux-arm-cpu-gcc.yml -------------------------------------------------------------------------------- /.github/workflows/linux-x64-cpu-gcc.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/.github/workflows/linux-x64-cpu-gcc.yml -------------------------------------------------------------------------------- /.github/workflows/linux-x64-gpu-gcc.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/.github/workflows/linux-x64-gpu-gcc.yml -------------------------------------------------------------------------------- /.github/workflows/linux-x86-cpu-gcc.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/.github/workflows/linux-x86-cpu-gcc.yml -------------------------------------------------------------------------------- /.github/workflows/macos-arm64-cpu.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/.github/workflows/macos-arm64-cpu.yml -------------------------------------------------------------------------------- /.github/workflows/macos-arm64-gpu.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/.github/workflows/macos-arm64-gpu.yml -------------------------------------------------------------------------------- /.github/workflows/macos-x64-cpu.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/.github/workflows/macos-x64-cpu.yml -------------------------------------------------------------------------------- /.github/workflows/macos-x64-gpu.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/.github/workflows/macos-x64-gpu.yml -------------------------------------------------------------------------------- /.github/workflows/release-python.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/.github/workflows/release-python.yml -------------------------------------------------------------------------------- /.github/workflows/release.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/.github/workflows/release.yml -------------------------------------------------------------------------------- /.github/workflows/sync-wiki.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/.github/workflows/sync-wiki.yml -------------------------------------------------------------------------------- /.github/workflows/test-coverage.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/.github/workflows/test-coverage.yml -------------------------------------------------------------------------------- /.github/workflows/web-assembly.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/.github/workflows/web-assembly.yml -------------------------------------------------------------------------------- /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/.gitignore -------------------------------------------------------------------------------- /.gitmodules: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/.gitmodules -------------------------------------------------------------------------------- /.restyled.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/.restyled.yaml -------------------------------------------------------------------------------- /.travis.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/.travis.yml -------------------------------------------------------------------------------- /CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/CMakeLists.txt -------------------------------------------------------------------------------- /CONTRIBUTING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/CONTRIBUTING.md -------------------------------------------------------------------------------- /Info.plist: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/Info.plist -------------------------------------------------------------------------------- /LICENSE.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/LICENSE.txt -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/README.md -------------------------------------------------------------------------------- /README.ncnn.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/README.ncnn.md -------------------------------------------------------------------------------- /benchmark/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/benchmark/CMakeLists.txt -------------------------------------------------------------------------------- /benchmark/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/benchmark/README.md -------------------------------------------------------------------------------- /benchmark/benchcold.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/benchmark/benchcold.cpp -------------------------------------------------------------------------------- /benchmark/benchcolddeploy.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/benchmark/benchcolddeploy.cpp -------------------------------------------------------------------------------- /benchmark/benchmark_models/vgg16.param: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/benchmark/benchmark_models/vgg16.param -------------------------------------------------------------------------------- /benchmark/benchncnn.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/benchmark/benchncnn.cpp -------------------------------------------------------------------------------- /cmake/ncnnConfig.cmake.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/cmake/ncnnConfig.cmake.in -------------------------------------------------------------------------------- /cmake/ncnn_add_layer.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/cmake/ncnn_add_layer.cmake -------------------------------------------------------------------------------- /cmake/ncnn_add_shader.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/cmake/ncnn_add_shader.cmake -------------------------------------------------------------------------------- /cmake/ncnn_generate_arm82_source.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/cmake/ncnn_generate_arm82_source.cmake -------------------------------------------------------------------------------- /cmake/ncnn_generate_avx2_source.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/cmake/ncnn_generate_avx2_source.cmake -------------------------------------------------------------------------------- /cmake/ncnn_generate_mmi_source.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/cmake/ncnn_generate_mmi_source.cmake -------------------------------------------------------------------------------- /cmake/ncnn_generate_msa_source.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/cmake/ncnn_generate_msa_source.cmake -------------------------------------------------------------------------------- /cmake/ncnn_generate_rvv_source.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/cmake/ncnn_generate_rvv_source.cmake -------------------------------------------------------------------------------- /cmake/run_test.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/cmake/run_test.cmake -------------------------------------------------------------------------------- /codeformat.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/codeformat.sh -------------------------------------------------------------------------------- /docs/Home.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/docs/Home.md -------------------------------------------------------------------------------- /docs/application-with-ncnn-inside.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/docs/application-with-ncnn-inside.md -------------------------------------------------------------------------------- /docs/developer-guide/operators.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/docs/developer-guide/operators.md -------------------------------------------------------------------------------- /docs/faq.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/docs/faq.md -------------------------------------------------------------------------------- /docs/how-to-build/build-mlir2ncnn.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/docs/how-to-build/build-mlir2ncnn.md -------------------------------------------------------------------------------- /docs/how-to-build/how-to-build.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/docs/how-to-build/how-to-build.md -------------------------------------------------------------------------------- /examples/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/examples/CMakeLists.txt -------------------------------------------------------------------------------- /examples/fasterrcnn.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/examples/fasterrcnn.cpp -------------------------------------------------------------------------------- /examples/mobilenetssd.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/examples/mobilenetssd.cpp -------------------------------------------------------------------------------- /examples/mobilenetv2ssdlite.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/examples/mobilenetv2ssdlite.cpp -------------------------------------------------------------------------------- /examples/mobilenetv3ssdlite.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/examples/mobilenetv3ssdlite.cpp -------------------------------------------------------------------------------- /examples/nanodet.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/examples/nanodet.cpp -------------------------------------------------------------------------------- /examples/peleenetssd_seg.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/examples/peleenetssd_seg.cpp -------------------------------------------------------------------------------- /examples/retinaface.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/examples/retinaface.cpp -------------------------------------------------------------------------------- /examples/rfcn.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/examples/rfcn.cpp -------------------------------------------------------------------------------- /examples/scrfd.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/examples/scrfd.cpp -------------------------------------------------------------------------------- /examples/shufflenetv2.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/examples/shufflenetv2.cpp -------------------------------------------------------------------------------- /examples/simplepose.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/examples/simplepose.cpp -------------------------------------------------------------------------------- /examples/squeezencnn/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/examples/squeezencnn/README.md -------------------------------------------------------------------------------- /examples/squeezenet.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/examples/squeezenet.cpp -------------------------------------------------------------------------------- /examples/squeezenet_c_api.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/examples/squeezenet_c_api.cpp -------------------------------------------------------------------------------- /examples/squeezenet_v1.1.bin: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/examples/squeezenet_v1.1.bin -------------------------------------------------------------------------------- /examples/squeezenet_v1.1.caffemodel: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/examples/squeezenet_v1.1.caffemodel -------------------------------------------------------------------------------- /examples/squeezenet_v1.1.param: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/examples/squeezenet_v1.1.param -------------------------------------------------------------------------------- /examples/squeezenet_v1.1.param.bin: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/examples/squeezenet_v1.1.param.bin -------------------------------------------------------------------------------- /examples/squeezenet_v1.1.prototxt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/examples/squeezenet_v1.1.prototxt -------------------------------------------------------------------------------- /examples/squeezenetssd.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/examples/squeezenetssd.cpp -------------------------------------------------------------------------------- /examples/synset_words.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/examples/synset_words.txt -------------------------------------------------------------------------------- /examples/yolact.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/examples/yolact.cpp -------------------------------------------------------------------------------- /examples/yolov2.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/examples/yolov2.cpp -------------------------------------------------------------------------------- /examples/yolov3.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/examples/yolov3.cpp -------------------------------------------------------------------------------- /examples/yolov4.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/examples/yolov4.cpp -------------------------------------------------------------------------------- /examples/yolov5.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/examples/yolov5.cpp -------------------------------------------------------------------------------- /images/128-ncnn.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/images/128-ncnn.png -------------------------------------------------------------------------------- /images/16-ncnn.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/images/16-ncnn.png -------------------------------------------------------------------------------- /images/256-ncnn.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/images/256-ncnn.png -------------------------------------------------------------------------------- /images/32-ncnn.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/images/32-ncnn.png -------------------------------------------------------------------------------- /images/64-ncnn.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/images/64-ncnn.png -------------------------------------------------------------------------------- /package.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/package.sh -------------------------------------------------------------------------------- /pyproject.toml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/pyproject.toml -------------------------------------------------------------------------------- /python/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/python/CMakeLists.txt -------------------------------------------------------------------------------- /python/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/python/README.md -------------------------------------------------------------------------------- /python/examples/fasterrcnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/python/examples/fasterrcnn.py -------------------------------------------------------------------------------- /python/examples/mobilenetssd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/python/examples/mobilenetssd.py -------------------------------------------------------------------------------- /python/examples/model_zoo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/python/examples/model_zoo.py -------------------------------------------------------------------------------- /python/examples/nanodet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/python/examples/nanodet.py -------------------------------------------------------------------------------- /python/examples/peleenetssd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/python/examples/peleenetssd.py -------------------------------------------------------------------------------- /python/examples/retinaface.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/python/examples/retinaface.py -------------------------------------------------------------------------------- /python/examples/rfcn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/python/examples/rfcn.py -------------------------------------------------------------------------------- /python/examples/shufflenetv2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/python/examples/shufflenetv2.py -------------------------------------------------------------------------------- /python/examples/simplepose.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/python/examples/simplepose.py -------------------------------------------------------------------------------- /python/examples/squeezenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/python/examples/squeezenet.py -------------------------------------------------------------------------------- /python/examples/squeezenetssd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/python/examples/squeezenetssd.py -------------------------------------------------------------------------------- /python/examples/yolact.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/python/examples/yolact.py -------------------------------------------------------------------------------- /python/examples/yolov2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/python/examples/yolov2.py -------------------------------------------------------------------------------- /python/examples/yolov3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/python/examples/yolov3.py -------------------------------------------------------------------------------- /python/examples/yolov4.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/python/examples/yolov4.py -------------------------------------------------------------------------------- /python/examples/yolov5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/python/examples/yolov5.py -------------------------------------------------------------------------------- /python/ncnn/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/python/ncnn/__init__.py -------------------------------------------------------------------------------- /python/ncnn/model_zoo/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/python/ncnn/model_zoo/__init__.py -------------------------------------------------------------------------------- /python/ncnn/model_zoo/fasterrcnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/python/ncnn/model_zoo/fasterrcnn.py -------------------------------------------------------------------------------- /python/ncnn/model_zoo/model_store.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/python/ncnn/model_zoo/model_store.py -------------------------------------------------------------------------------- /python/ncnn/model_zoo/model_zoo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/python/ncnn/model_zoo/model_zoo.py -------------------------------------------------------------------------------- /python/ncnn/model_zoo/nanodet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/python/ncnn/model_zoo/nanodet.py -------------------------------------------------------------------------------- /python/ncnn/model_zoo/peleenetssd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/python/ncnn/model_zoo/peleenetssd.py -------------------------------------------------------------------------------- /python/ncnn/model_zoo/retinaface.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/python/ncnn/model_zoo/retinaface.py -------------------------------------------------------------------------------- /python/ncnn/model_zoo/rfcn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/python/ncnn/model_zoo/rfcn.py -------------------------------------------------------------------------------- /python/ncnn/model_zoo/simplepose.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/python/ncnn/model_zoo/simplepose.py -------------------------------------------------------------------------------- /python/ncnn/model_zoo/squeezenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/python/ncnn/model_zoo/squeezenet.py -------------------------------------------------------------------------------- /python/ncnn/model_zoo/yolact.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/python/ncnn/model_zoo/yolact.py -------------------------------------------------------------------------------- /python/ncnn/model_zoo/yolov2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/python/ncnn/model_zoo/yolov2.py -------------------------------------------------------------------------------- /python/ncnn/model_zoo/yolov3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/python/ncnn/model_zoo/yolov3.py -------------------------------------------------------------------------------- /python/ncnn/model_zoo/yolov4.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/python/ncnn/model_zoo/yolov4.py -------------------------------------------------------------------------------- /python/ncnn/model_zoo/yolov5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/python/ncnn/model_zoo/yolov5.py -------------------------------------------------------------------------------- /python/ncnn/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/python/ncnn/utils/__init__.py -------------------------------------------------------------------------------- /python/ncnn/utils/download.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/python/ncnn/utils/download.py -------------------------------------------------------------------------------- /python/ncnn/utils/functional.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/python/ncnn/utils/functional.py -------------------------------------------------------------------------------- /python/ncnn/utils/objects.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/python/ncnn/utils/objects.py -------------------------------------------------------------------------------- /python/ncnn/utils/visual.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/python/ncnn/utils/visual.py -------------------------------------------------------------------------------- /python/requirements.txt: -------------------------------------------------------------------------------- 1 | numpy 2 | tqdm 3 | requests 4 | portalocker 5 | opencv-python -------------------------------------------------------------------------------- /python/setup.py.i: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/python/setup.py.i -------------------------------------------------------------------------------- /python/src/main.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/python/src/main.cpp -------------------------------------------------------------------------------- /python/src/pybind11_allocator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/python/src/pybind11_allocator.h -------------------------------------------------------------------------------- /python/src/pybind11_bind.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/python/src/pybind11_bind.h -------------------------------------------------------------------------------- /python/src/pybind11_datareader.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/python/src/pybind11_datareader.h -------------------------------------------------------------------------------- /python/src/pybind11_layer.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/python/src/pybind11_layer.h -------------------------------------------------------------------------------- /python/src/pybind11_mat.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/python/src/pybind11_mat.h -------------------------------------------------------------------------------- /python/src/pybind11_modelbin.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/python/src/pybind11_modelbin.h -------------------------------------------------------------------------------- /python/tests/benchmark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/python/tests/benchmark.py -------------------------------------------------------------------------------- /python/tests/custom_layer.param: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/python/tests/custom_layer.param -------------------------------------------------------------------------------- /python/tests/test.param: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/python/tests/test.param -------------------------------------------------------------------------------- /python/tests/test_allocator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/python/tests/test_allocator.py -------------------------------------------------------------------------------- /python/tests/test_blob.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/python/tests/test_blob.py -------------------------------------------------------------------------------- /python/tests/test_extractor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/python/tests/test_extractor.py -------------------------------------------------------------------------------- /python/tests/test_mat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/python/tests/test_mat.py -------------------------------------------------------------------------------- /python/tests/test_net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/python/tests/test_net.py -------------------------------------------------------------------------------- /python/tests/test_option.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/python/tests/test_option.py -------------------------------------------------------------------------------- /python/tests/test_paramdict.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/python/tests/test_paramdict.py -------------------------------------------------------------------------------- /python/tests/test_vulkan_device.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/python/tests/test_vulkan_device.py -------------------------------------------------------------------------------- /scripts/build-arm64-v8a.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/scripts/build-arm64-v8a.sh -------------------------------------------------------------------------------- /scripts/deployed_arm64.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/scripts/deployed_arm64.sh -------------------------------------------------------------------------------- /scripts/deployed_jetson.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/scripts/deployed_jetson.sh -------------------------------------------------------------------------------- /scripts/get_output.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/scripts/get_output.py -------------------------------------------------------------------------------- /scripts/init_arm64.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/scripts/init_arm64.sh -------------------------------------------------------------------------------- /scripts/init_jetson.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/scripts/init_jetson.sh -------------------------------------------------------------------------------- /scripts/install_jetson.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/scripts/install_jetson.sh -------------------------------------------------------------------------------- /scripts/run_arm64.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/scripts/run_arm64.sh -------------------------------------------------------------------------------- /scripts/run_jetson.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/scripts/run_jetson.sh -------------------------------------------------------------------------------- /setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/setup.py -------------------------------------------------------------------------------- /src/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/CMakeLists.txt -------------------------------------------------------------------------------- /src/allocator.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/allocator.cpp -------------------------------------------------------------------------------- /src/allocator.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/allocator.h -------------------------------------------------------------------------------- /src/benchmark.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/benchmark.cpp -------------------------------------------------------------------------------- /src/benchmark.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/benchmark.h -------------------------------------------------------------------------------- /src/blob.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/blob.cpp -------------------------------------------------------------------------------- /src/blob.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/blob.h -------------------------------------------------------------------------------- /src/c_api.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/c_api.cpp -------------------------------------------------------------------------------- /src/c_api.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/c_api.h -------------------------------------------------------------------------------- /src/command.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/command.cpp -------------------------------------------------------------------------------- /src/command.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/command.h -------------------------------------------------------------------------------- /src/convert_ycbcr.comp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/convert_ycbcr.comp -------------------------------------------------------------------------------- /src/cpu.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/cpu.cpp -------------------------------------------------------------------------------- /src/cpu.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/cpu.h -------------------------------------------------------------------------------- /src/datareader.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/datareader.cpp -------------------------------------------------------------------------------- /src/datareader.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/datareader.h -------------------------------------------------------------------------------- /src/gpu.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/gpu.cpp -------------------------------------------------------------------------------- /src/gpu.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/gpu.h -------------------------------------------------------------------------------- /src/layer.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer.cpp -------------------------------------------------------------------------------- /src/layer.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer.h -------------------------------------------------------------------------------- /src/layer/absval.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/absval.cpp -------------------------------------------------------------------------------- /src/layer/absval.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/absval.h -------------------------------------------------------------------------------- /src/layer/argmax.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/argmax.cpp -------------------------------------------------------------------------------- /src/layer/argmax.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/argmax.h -------------------------------------------------------------------------------- /src/layer/arm/absval_arm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/absval_arm.cpp -------------------------------------------------------------------------------- /src/layer/arm/absval_arm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/absval_arm.h -------------------------------------------------------------------------------- /src/layer/arm/arm_activation.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/arm_activation.h -------------------------------------------------------------------------------- /src/layer/arm/arm_usability.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/arm_usability.h -------------------------------------------------------------------------------- /src/layer/arm/batchnorm_arm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/batchnorm_arm.cpp -------------------------------------------------------------------------------- /src/layer/arm/batchnorm_arm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/batchnorm_arm.h -------------------------------------------------------------------------------- /src/layer/arm/bias_arm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/bias_arm.cpp -------------------------------------------------------------------------------- /src/layer/arm/bias_arm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/bias_arm.h -------------------------------------------------------------------------------- /src/layer/arm/binaryop_arm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/binaryop_arm.cpp -------------------------------------------------------------------------------- /src/layer/arm/binaryop_arm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/binaryop_arm.h -------------------------------------------------------------------------------- /src/layer/arm/cast_arm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/cast_arm.cpp -------------------------------------------------------------------------------- /src/layer/arm/cast_arm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/cast_arm.h -------------------------------------------------------------------------------- /src/layer/arm/clip_arm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/clip_arm.cpp -------------------------------------------------------------------------------- /src/layer/arm/clip_arm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/clip_arm.h -------------------------------------------------------------------------------- /src/layer/arm/concat_arm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/concat_arm.cpp -------------------------------------------------------------------------------- /src/layer/arm/concat_arm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/concat_arm.h -------------------------------------------------------------------------------- /src/layer/arm/convolution_1x1.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/convolution_1x1.h -------------------------------------------------------------------------------- /src/layer/arm/convolution_1x1_int8.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/convolution_1x1_int8.h -------------------------------------------------------------------------------- /src/layer/arm/convolution_2x2.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/convolution_2x2.h -------------------------------------------------------------------------------- /src/layer/arm/convolution_3x3.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/convolution_3x3.h -------------------------------------------------------------------------------- /src/layer/arm/convolution_3x3_int8.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/convolution_3x3_int8.h -------------------------------------------------------------------------------- /src/layer/arm/convolution_4x4.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/convolution_4x4.h -------------------------------------------------------------------------------- /src/layer/arm/convolution_5x5.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/convolution_5x5.h -------------------------------------------------------------------------------- /src/layer/arm/convolution_7x7.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/convolution_7x7.h -------------------------------------------------------------------------------- /src/layer/arm/convolution_arm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/convolution_arm.cpp -------------------------------------------------------------------------------- /src/layer/arm/convolution_arm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/convolution_arm.h -------------------------------------------------------------------------------- /src/layer/arm/convolution_bf16s.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/convolution_bf16s.h -------------------------------------------------------------------------------- /src/layer/arm/convolution_fp16s.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/convolution_fp16s.h -------------------------------------------------------------------------------- /src/layer/arm/convolution_int8.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/convolution_int8.h -------------------------------------------------------------------------------- /src/layer/arm/convolution_pack1to4.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/convolution_pack1to4.h -------------------------------------------------------------------------------- /src/layer/arm/convolution_pack4.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/convolution_pack4.h -------------------------------------------------------------------------------- /src/layer/arm/convolution_pack4to1.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/convolution_pack4to1.h -------------------------------------------------------------------------------- /src/layer/arm/convolution_sgemm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/convolution_sgemm.h -------------------------------------------------------------------------------- /src/layer/arm/crop_arm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/crop_arm.cpp -------------------------------------------------------------------------------- /src/layer/arm/crop_arm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/crop_arm.h -------------------------------------------------------------------------------- /src/layer/arm/deconvolution_3x3.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/deconvolution_3x3.h -------------------------------------------------------------------------------- /src/layer/arm/deconvolution_4x4.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/deconvolution_4x4.h -------------------------------------------------------------------------------- /src/layer/arm/deconvolution_arm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/deconvolution_arm.cpp -------------------------------------------------------------------------------- /src/layer/arm/deconvolution_arm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/deconvolution_arm.h -------------------------------------------------------------------------------- /src/layer/arm/dequantize_arm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/dequantize_arm.cpp -------------------------------------------------------------------------------- /src/layer/arm/dequantize_arm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/dequantize_arm.h -------------------------------------------------------------------------------- /src/layer/arm/dropout_arm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/dropout_arm.cpp -------------------------------------------------------------------------------- /src/layer/arm/dropout_arm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/dropout_arm.h -------------------------------------------------------------------------------- /src/layer/arm/eltwise_arm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/eltwise_arm.cpp -------------------------------------------------------------------------------- /src/layer/arm/eltwise_arm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/eltwise_arm.h -------------------------------------------------------------------------------- /src/layer/arm/file_arm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/file_arm.cpp -------------------------------------------------------------------------------- /src/layer/arm/file_arm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/file_arm.h -------------------------------------------------------------------------------- /src/layer/arm/flatten_arm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/flatten_arm.cpp -------------------------------------------------------------------------------- /src/layer/arm/flatten_arm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/flatten_arm.h -------------------------------------------------------------------------------- /src/layer/arm/gru_arm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/gru_arm.cpp -------------------------------------------------------------------------------- /src/layer/arm/gru_arm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/gru_arm.h -------------------------------------------------------------------------------- /src/layer/arm/hardsigmoid_arm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/hardsigmoid_arm.cpp -------------------------------------------------------------------------------- /src/layer/arm/hardsigmoid_arm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/hardsigmoid_arm.h -------------------------------------------------------------------------------- /src/layer/arm/hardswish_arm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/hardswish_arm.cpp -------------------------------------------------------------------------------- /src/layer/arm/hardswish_arm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/hardswish_arm.h -------------------------------------------------------------------------------- /src/layer/arm/innerproduct_arm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/innerproduct_arm.cpp -------------------------------------------------------------------------------- /src/layer/arm/innerproduct_arm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/innerproduct_arm.h -------------------------------------------------------------------------------- /src/layer/arm/instancenorm_arm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/instancenorm_arm.cpp -------------------------------------------------------------------------------- /src/layer/arm/instancenorm_arm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/instancenorm_arm.h -------------------------------------------------------------------------------- /src/layer/arm/interp_arm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/interp_arm.cpp -------------------------------------------------------------------------------- /src/layer/arm/interp_arm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/interp_arm.h -------------------------------------------------------------------------------- /src/layer/arm/interp_bicubic.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/interp_bicubic.h -------------------------------------------------------------------------------- /src/layer/arm/interp_bicubic_bf16s.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/interp_bicubic_bf16s.h -------------------------------------------------------------------------------- /src/layer/arm/interp_bicubic_fp16s.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/interp_bicubic_fp16s.h -------------------------------------------------------------------------------- /src/layer/arm/interp_bicubic_pack4.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/interp_bicubic_pack4.h -------------------------------------------------------------------------------- /src/layer/arm/interp_bilinear.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/interp_bilinear.h -------------------------------------------------------------------------------- /src/layer/arm/lrn_arm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/lrn_arm.cpp -------------------------------------------------------------------------------- /src/layer/arm/lrn_arm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/lrn_arm.h -------------------------------------------------------------------------------- /src/layer/arm/lstm_arm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/lstm_arm.cpp -------------------------------------------------------------------------------- /src/layer/arm/lstm_arm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/lstm_arm.h -------------------------------------------------------------------------------- /src/layer/arm/mish_arm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/mish_arm.cpp -------------------------------------------------------------------------------- /src/layer/arm/mish_arm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/mish_arm.h -------------------------------------------------------------------------------- /src/layer/arm/neon_mathfun.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/neon_mathfun.h -------------------------------------------------------------------------------- /src/layer/arm/neon_mathfun_fp16s.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/neon_mathfun_fp16s.h -------------------------------------------------------------------------------- /src/layer/arm/neon_mathfun_tanh.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/neon_mathfun_tanh.h -------------------------------------------------------------------------------- /src/layer/arm/packing_arm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/packing_arm.cpp -------------------------------------------------------------------------------- /src/layer/arm/packing_arm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/packing_arm.h -------------------------------------------------------------------------------- /src/layer/arm/padding_arm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/padding_arm.cpp -------------------------------------------------------------------------------- /src/layer/arm/padding_arm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/padding_arm.h -------------------------------------------------------------------------------- /src/layer/arm/padding_pack4.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/padding_pack4.h -------------------------------------------------------------------------------- /src/layer/arm/padding_pack8_fp16s.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/padding_pack8_fp16s.h -------------------------------------------------------------------------------- /src/layer/arm/padding_pack8_int8.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/padding_pack8_int8.h -------------------------------------------------------------------------------- /src/layer/arm/pixelshuffle_arm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/pixelshuffle_arm.cpp -------------------------------------------------------------------------------- /src/layer/arm/pixelshuffle_arm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/pixelshuffle_arm.h -------------------------------------------------------------------------------- /src/layer/arm/pooling_2x2.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/pooling_2x2.h -------------------------------------------------------------------------------- /src/layer/arm/pooling_2x2_pack4.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/pooling_2x2_pack4.h -------------------------------------------------------------------------------- /src/layer/arm/pooling_3x3.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/pooling_3x3.h -------------------------------------------------------------------------------- /src/layer/arm/pooling_3x3_pack4.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/pooling_3x3_pack4.h -------------------------------------------------------------------------------- /src/layer/arm/pooling_arm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/pooling_arm.cpp -------------------------------------------------------------------------------- /src/layer/arm/pooling_arm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/pooling_arm.h -------------------------------------------------------------------------------- /src/layer/arm/prelu_arm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/prelu_arm.cpp -------------------------------------------------------------------------------- /src/layer/arm/prelu_arm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/prelu_arm.h -------------------------------------------------------------------------------- /src/layer/arm/quantize_arm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/quantize_arm.cpp -------------------------------------------------------------------------------- /src/layer/arm/quantize_arm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/quantize_arm.h -------------------------------------------------------------------------------- /src/layer/arm/relu_arm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/relu_arm.cpp -------------------------------------------------------------------------------- /src/layer/arm/relu_arm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/relu_arm.h -------------------------------------------------------------------------------- /src/layer/arm/requantize_arm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/requantize_arm.cpp -------------------------------------------------------------------------------- /src/layer/arm/requantize_arm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/requantize_arm.h -------------------------------------------------------------------------------- /src/layer/arm/reshape_arm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/reshape_arm.cpp -------------------------------------------------------------------------------- /src/layer/arm/reshape_arm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/reshape_arm.h -------------------------------------------------------------------------------- /src/layer/arm/rnn_arm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/rnn_arm.cpp -------------------------------------------------------------------------------- /src/layer/arm/rnn_arm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/rnn_arm.h -------------------------------------------------------------------------------- /src/layer/arm/scale_arm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/scale_arm.cpp -------------------------------------------------------------------------------- /src/layer/arm/scale_arm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/scale_arm.h -------------------------------------------------------------------------------- /src/layer/arm/selu_arm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/selu_arm.cpp -------------------------------------------------------------------------------- /src/layer/arm/selu_arm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/selu_arm.h -------------------------------------------------------------------------------- /src/layer/arm/shufflechannel_arm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/shufflechannel_arm.cpp -------------------------------------------------------------------------------- /src/layer/arm/shufflechannel_arm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/shufflechannel_arm.h -------------------------------------------------------------------------------- /src/layer/arm/sigmoid_arm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/sigmoid_arm.cpp -------------------------------------------------------------------------------- /src/layer/arm/sigmoid_arm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/sigmoid_arm.h -------------------------------------------------------------------------------- /src/layer/arm/slice_arm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/slice_arm.cpp -------------------------------------------------------------------------------- /src/layer/arm/slice_arm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/slice_arm.h -------------------------------------------------------------------------------- /src/layer/arm/softmax_arm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/softmax_arm.cpp -------------------------------------------------------------------------------- /src/layer/arm/softmax_arm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/softmax_arm.h -------------------------------------------------------------------------------- /src/layer/arm/swish_arm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/swish_arm.cpp -------------------------------------------------------------------------------- /src/layer/arm/swish_arm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/swish_arm.h -------------------------------------------------------------------------------- /src/layer/arm/tanh_arm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/tanh_arm.cpp -------------------------------------------------------------------------------- /src/layer/arm/tanh_arm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/tanh_arm.h -------------------------------------------------------------------------------- /src/layer/arm/unaryop_arm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/unaryop_arm.cpp -------------------------------------------------------------------------------- /src/layer/arm/unaryop_arm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/arm/unaryop_arm.h -------------------------------------------------------------------------------- /src/layer/batchnorm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/batchnorm.cpp -------------------------------------------------------------------------------- /src/layer/batchnorm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/batchnorm.h -------------------------------------------------------------------------------- /src/layer/bias.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/bias.cpp -------------------------------------------------------------------------------- /src/layer/bias.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/bias.h -------------------------------------------------------------------------------- /src/layer/binaryop.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/binaryop.cpp -------------------------------------------------------------------------------- /src/layer/binaryop.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/binaryop.h -------------------------------------------------------------------------------- /src/layer/bnll.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/bnll.cpp -------------------------------------------------------------------------------- /src/layer/bnll.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/bnll.h -------------------------------------------------------------------------------- /src/layer/cast.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/cast.cpp -------------------------------------------------------------------------------- /src/layer/cast.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/cast.h -------------------------------------------------------------------------------- /src/layer/clip.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/clip.cpp -------------------------------------------------------------------------------- /src/layer/clip.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/clip.h -------------------------------------------------------------------------------- /src/layer/concat.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/concat.cpp -------------------------------------------------------------------------------- /src/layer/concat.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/concat.h -------------------------------------------------------------------------------- /src/layer/convolution.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/convolution.cpp -------------------------------------------------------------------------------- /src/layer/convolution.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/convolution.h -------------------------------------------------------------------------------- /src/layer/convolutiondepthwise.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/convolutiondepthwise.cpp -------------------------------------------------------------------------------- /src/layer/convolutiondepthwise.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/convolutiondepthwise.h -------------------------------------------------------------------------------- /src/layer/crop.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/crop.cpp -------------------------------------------------------------------------------- /src/layer/crop.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/crop.h -------------------------------------------------------------------------------- /src/layer/deconvolution.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/deconvolution.cpp -------------------------------------------------------------------------------- /src/layer/deconvolution.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/deconvolution.h -------------------------------------------------------------------------------- /src/layer/deconvolutiondepthwise.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/deconvolutiondepthwise.cpp -------------------------------------------------------------------------------- /src/layer/deconvolutiondepthwise.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/deconvolutiondepthwise.h -------------------------------------------------------------------------------- /src/layer/deepcopy.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/deepcopy.cpp -------------------------------------------------------------------------------- /src/layer/deepcopy.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/deepcopy.h -------------------------------------------------------------------------------- /src/layer/dequantize.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/dequantize.cpp -------------------------------------------------------------------------------- /src/layer/dequantize.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/dequantize.h -------------------------------------------------------------------------------- /src/layer/detectionoutput.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/detectionoutput.cpp -------------------------------------------------------------------------------- /src/layer/detectionoutput.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/detectionoutput.h -------------------------------------------------------------------------------- /src/layer/dropout.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/dropout.cpp -------------------------------------------------------------------------------- /src/layer/dropout.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/dropout.h -------------------------------------------------------------------------------- /src/layer/eltwise.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/eltwise.cpp -------------------------------------------------------------------------------- /src/layer/eltwise.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/eltwise.h -------------------------------------------------------------------------------- /src/layer/elu.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/elu.cpp -------------------------------------------------------------------------------- /src/layer/elu.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/elu.h -------------------------------------------------------------------------------- /src/layer/embed.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/embed.cpp -------------------------------------------------------------------------------- /src/layer/embed.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/embed.h -------------------------------------------------------------------------------- /src/layer/exp.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/exp.cpp -------------------------------------------------------------------------------- /src/layer/exp.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/exp.h -------------------------------------------------------------------------------- /src/layer/expanddims.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/expanddims.cpp -------------------------------------------------------------------------------- /src/layer/expanddims.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/expanddims.h -------------------------------------------------------------------------------- /src/layer/flatten.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/flatten.cpp -------------------------------------------------------------------------------- /src/layer/flatten.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/flatten.h -------------------------------------------------------------------------------- /src/layer/gelu.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/gelu.cpp -------------------------------------------------------------------------------- /src/layer/gelu.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/gelu.h -------------------------------------------------------------------------------- /src/layer/gemm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/gemm.cpp -------------------------------------------------------------------------------- /src/layer/gemm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/gemm.h -------------------------------------------------------------------------------- /src/layer/groupnorm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/groupnorm.cpp -------------------------------------------------------------------------------- /src/layer/groupnorm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/groupnorm.h -------------------------------------------------------------------------------- /src/layer/gru.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/gru.cpp -------------------------------------------------------------------------------- /src/layer/gru.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/gru.h -------------------------------------------------------------------------------- /src/layer/hardsigmoid.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/hardsigmoid.cpp -------------------------------------------------------------------------------- /src/layer/hardsigmoid.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/hardsigmoid.h -------------------------------------------------------------------------------- /src/layer/hardswish.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/hardswish.cpp -------------------------------------------------------------------------------- /src/layer/hardswish.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/hardswish.h -------------------------------------------------------------------------------- /src/layer/innerproduct.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/innerproduct.cpp -------------------------------------------------------------------------------- /src/layer/innerproduct.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/innerproduct.h -------------------------------------------------------------------------------- /src/layer/input.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/input.cpp -------------------------------------------------------------------------------- /src/layer/input.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/input.h -------------------------------------------------------------------------------- /src/layer/instancenorm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/instancenorm.cpp -------------------------------------------------------------------------------- /src/layer/instancenorm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/instancenorm.h -------------------------------------------------------------------------------- /src/layer/interp.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/interp.cpp -------------------------------------------------------------------------------- /src/layer/interp.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/interp.h -------------------------------------------------------------------------------- /src/layer/layernorm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/layernorm.cpp -------------------------------------------------------------------------------- /src/layer/layernorm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/layernorm.h -------------------------------------------------------------------------------- /src/layer/log.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/log.cpp -------------------------------------------------------------------------------- /src/layer/log.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/log.h -------------------------------------------------------------------------------- /src/layer/lrn.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/lrn.cpp -------------------------------------------------------------------------------- /src/layer/lrn.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/lrn.h -------------------------------------------------------------------------------- /src/layer/lstm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/lstm.cpp -------------------------------------------------------------------------------- /src/layer/lstm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/lstm.h -------------------------------------------------------------------------------- /src/layer/memorydata.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/memorydata.cpp -------------------------------------------------------------------------------- /src/layer/memorydata.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/memorydata.h -------------------------------------------------------------------------------- /src/layer/mips/absval_mips.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/mips/absval_mips.cpp -------------------------------------------------------------------------------- /src/layer/mips/absval_mips.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/mips/absval_mips.h -------------------------------------------------------------------------------- /src/layer/mips/bias_mips.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/mips/bias_mips.cpp -------------------------------------------------------------------------------- /src/layer/mips/bias_mips.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/mips/bias_mips.h -------------------------------------------------------------------------------- /src/layer/mips/clip_mips.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/mips/clip_mips.cpp -------------------------------------------------------------------------------- /src/layer/mips/clip_mips.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/mips/clip_mips.h -------------------------------------------------------------------------------- /src/layer/mips/mips_common.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/mips/mips_common.h -------------------------------------------------------------------------------- /src/layer/mips/mips_mathfun.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/mips/mips_mathfun.h -------------------------------------------------------------------------------- /src/layer/mips/mish_mips.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/mips/mish_mips.cpp -------------------------------------------------------------------------------- /src/layer/mips/mish_mips.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/mips/mish_mips.h -------------------------------------------------------------------------------- /src/layer/mips/sigmoid_mips.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/mips/sigmoid_mips.cpp -------------------------------------------------------------------------------- /src/layer/mips/sigmoid_mips.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/mips/sigmoid_mips.h -------------------------------------------------------------------------------- /src/layer/mips/softmax_mips.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/mips/softmax_mips.cpp -------------------------------------------------------------------------------- /src/layer/mips/softmax_mips.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/mips/softmax_mips.h -------------------------------------------------------------------------------- /src/layer/mips/tanh_mips.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/mips/tanh_mips.cpp -------------------------------------------------------------------------------- /src/layer/mips/tanh_mips.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/mips/tanh_mips.h -------------------------------------------------------------------------------- /src/layer/mish.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/mish.cpp -------------------------------------------------------------------------------- /src/layer/mish.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/mish.h -------------------------------------------------------------------------------- /src/layer/multiheadattention.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/multiheadattention.cpp -------------------------------------------------------------------------------- /src/layer/multiheadattention.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/multiheadattention.h -------------------------------------------------------------------------------- /src/layer/mvn.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/mvn.cpp -------------------------------------------------------------------------------- /src/layer/mvn.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/mvn.h -------------------------------------------------------------------------------- /src/layer/noop.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/noop.cpp -------------------------------------------------------------------------------- /src/layer/noop.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/noop.h -------------------------------------------------------------------------------- /src/layer/normalize.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/normalize.cpp -------------------------------------------------------------------------------- /src/layer/normalize.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/normalize.h -------------------------------------------------------------------------------- /src/layer/packing.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/packing.cpp -------------------------------------------------------------------------------- /src/layer/packing.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/packing.h -------------------------------------------------------------------------------- /src/layer/padding.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/padding.cpp -------------------------------------------------------------------------------- /src/layer/padding.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/padding.h -------------------------------------------------------------------------------- /src/layer/permute.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/permute.cpp -------------------------------------------------------------------------------- /src/layer/permute.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/permute.h -------------------------------------------------------------------------------- /src/layer/pixelshuffle.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/pixelshuffle.cpp -------------------------------------------------------------------------------- /src/layer/pixelshuffle.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/pixelshuffle.h -------------------------------------------------------------------------------- /src/layer/pooling.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/pooling.cpp -------------------------------------------------------------------------------- /src/layer/pooling.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/pooling.h -------------------------------------------------------------------------------- /src/layer/power.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/power.cpp -------------------------------------------------------------------------------- /src/layer/power.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/power.h -------------------------------------------------------------------------------- /src/layer/prelu.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/prelu.cpp -------------------------------------------------------------------------------- /src/layer/prelu.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/prelu.h -------------------------------------------------------------------------------- /src/layer/priorbox.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/priorbox.cpp -------------------------------------------------------------------------------- /src/layer/priorbox.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/priorbox.h -------------------------------------------------------------------------------- /src/layer/proposal.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/proposal.cpp -------------------------------------------------------------------------------- /src/layer/proposal.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/proposal.h -------------------------------------------------------------------------------- /src/layer/psroipooling.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/psroipooling.cpp -------------------------------------------------------------------------------- /src/layer/psroipooling.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/psroipooling.h -------------------------------------------------------------------------------- /src/layer/quantize.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/quantize.cpp -------------------------------------------------------------------------------- /src/layer/quantize.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/quantize.h -------------------------------------------------------------------------------- /src/layer/reduction.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/reduction.cpp -------------------------------------------------------------------------------- /src/layer/reduction.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/reduction.h -------------------------------------------------------------------------------- /src/layer/relu.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/relu.cpp -------------------------------------------------------------------------------- /src/layer/relu.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/relu.h -------------------------------------------------------------------------------- /src/layer/reorg.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/reorg.cpp -------------------------------------------------------------------------------- /src/layer/reorg.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/reorg.h -------------------------------------------------------------------------------- /src/layer/requantize.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/requantize.cpp -------------------------------------------------------------------------------- /src/layer/requantize.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/requantize.h -------------------------------------------------------------------------------- /src/layer/reshape.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/reshape.cpp -------------------------------------------------------------------------------- /src/layer/reshape.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/reshape.h -------------------------------------------------------------------------------- /src/layer/riscv/absval_riscv.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/riscv/absval_riscv.cpp -------------------------------------------------------------------------------- /src/layer/riscv/absval_riscv.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/riscv/absval_riscv.h -------------------------------------------------------------------------------- /src/layer/riscv/cast_riscv.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/riscv/cast_riscv.cpp -------------------------------------------------------------------------------- /src/layer/riscv/cast_riscv.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/riscv/cast_riscv.h -------------------------------------------------------------------------------- /src/layer/riscv/clip_riscv.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/riscv/clip_riscv.cpp -------------------------------------------------------------------------------- /src/layer/riscv/clip_riscv.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/riscv/clip_riscv.h -------------------------------------------------------------------------------- /src/layer/riscv/concat_riscv.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/riscv/concat_riscv.cpp -------------------------------------------------------------------------------- /src/layer/riscv/concat_riscv.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/riscv/concat_riscv.h -------------------------------------------------------------------------------- /src/layer/riscv/convolution_fp16s.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/riscv/convolution_fp16s.h -------------------------------------------------------------------------------- /src/layer/riscv/convolution_packn.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/riscv/convolution_packn.h -------------------------------------------------------------------------------- /src/layer/riscv/convolution_riscv.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/riscv/convolution_riscv.h -------------------------------------------------------------------------------- /src/layer/riscv/crop_riscv.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/riscv/crop_riscv.cpp -------------------------------------------------------------------------------- /src/layer/riscv/crop_riscv.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/riscv/crop_riscv.h -------------------------------------------------------------------------------- /src/layer/riscv/flatten_riscv.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/riscv/flatten_riscv.cpp -------------------------------------------------------------------------------- /src/layer/riscv/flatten_riscv.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/riscv/flatten_riscv.h -------------------------------------------------------------------------------- /src/layer/riscv/innerproduct_riscv.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/riscv/innerproduct_riscv.h -------------------------------------------------------------------------------- /src/layer/riscv/interp_bicubic.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/riscv/interp_bicubic.h -------------------------------------------------------------------------------- /src/layer/riscv/interp_bilinear.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/riscv/interp_bilinear.h -------------------------------------------------------------------------------- /src/layer/riscv/interp_riscv.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/riscv/interp_riscv.cpp -------------------------------------------------------------------------------- /src/layer/riscv/interp_riscv.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/riscv/interp_riscv.h -------------------------------------------------------------------------------- /src/layer/riscv/mish_riscv.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/riscv/mish_riscv.cpp -------------------------------------------------------------------------------- /src/layer/riscv/mish_riscv.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/riscv/mish_riscv.h -------------------------------------------------------------------------------- /src/layer/riscv/packing_riscv.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/riscv/packing_riscv.cpp -------------------------------------------------------------------------------- /src/layer/riscv/packing_riscv.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/riscv/packing_riscv.h -------------------------------------------------------------------------------- /src/layer/riscv/padding_packn.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/riscv/padding_packn.h -------------------------------------------------------------------------------- /src/layer/riscv/padding_riscv.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/riscv/padding_riscv.cpp -------------------------------------------------------------------------------- /src/layer/riscv/padding_riscv.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/riscv/padding_riscv.h -------------------------------------------------------------------------------- /src/layer/riscv/pooling_riscv.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/riscv/pooling_riscv.cpp -------------------------------------------------------------------------------- /src/layer/riscv/pooling_riscv.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/riscv/pooling_riscv.h -------------------------------------------------------------------------------- /src/layer/riscv/relu_riscv.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/riscv/relu_riscv.cpp -------------------------------------------------------------------------------- /src/layer/riscv/relu_riscv.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/riscv/relu_riscv.h -------------------------------------------------------------------------------- /src/layer/riscv/riscv_activation.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/riscv/riscv_activation.h -------------------------------------------------------------------------------- /src/layer/riscv/riscv_usability.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/riscv/riscv_usability.h -------------------------------------------------------------------------------- /src/layer/riscv/riscv_v_071_fix.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/riscv/riscv_v_071_fix.h -------------------------------------------------------------------------------- /src/layer/riscv/rvv_mathfun.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/riscv/rvv_mathfun.h -------------------------------------------------------------------------------- /src/layer/riscv/rvv_mathfun_fp16s.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/riscv/rvv_mathfun_fp16s.h -------------------------------------------------------------------------------- /src/layer/riscv/sigmoid_riscv.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/riscv/sigmoid_riscv.cpp -------------------------------------------------------------------------------- /src/layer/riscv/sigmoid_riscv.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/riscv/sigmoid_riscv.h -------------------------------------------------------------------------------- /src/layer/riscv/swish_riscv.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/riscv/swish_riscv.cpp -------------------------------------------------------------------------------- /src/layer/riscv/swish_riscv.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/riscv/swish_riscv.h -------------------------------------------------------------------------------- /src/layer/riscv/tanh_riscv.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/riscv/tanh_riscv.cpp -------------------------------------------------------------------------------- /src/layer/riscv/tanh_riscv.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/riscv/tanh_riscv.h -------------------------------------------------------------------------------- /src/layer/riscv/unaryop_riscv.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/riscv/unaryop_riscv.cpp -------------------------------------------------------------------------------- /src/layer/riscv/unaryop_riscv.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/riscv/unaryop_riscv.h -------------------------------------------------------------------------------- /src/layer/rnn.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/rnn.cpp -------------------------------------------------------------------------------- /src/layer/rnn.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/rnn.h -------------------------------------------------------------------------------- /src/layer/roialign.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/roialign.cpp -------------------------------------------------------------------------------- /src/layer/roialign.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/roialign.h -------------------------------------------------------------------------------- /src/layer/roipooling.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/roipooling.cpp -------------------------------------------------------------------------------- /src/layer/roipooling.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/roipooling.h -------------------------------------------------------------------------------- /src/layer/scale.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/scale.cpp -------------------------------------------------------------------------------- /src/layer/scale.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/scale.h -------------------------------------------------------------------------------- /src/layer/selu.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/selu.cpp -------------------------------------------------------------------------------- /src/layer/selu.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/selu.h -------------------------------------------------------------------------------- /src/layer/shufflechannel.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/shufflechannel.cpp -------------------------------------------------------------------------------- /src/layer/shufflechannel.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/shufflechannel.h -------------------------------------------------------------------------------- /src/layer/sigmoid.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/sigmoid.cpp -------------------------------------------------------------------------------- /src/layer/sigmoid.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/sigmoid.h -------------------------------------------------------------------------------- /src/layer/slice.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/slice.cpp -------------------------------------------------------------------------------- /src/layer/slice.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/slice.h -------------------------------------------------------------------------------- /src/layer/softmax.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/softmax.cpp -------------------------------------------------------------------------------- /src/layer/softmax.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/softmax.h -------------------------------------------------------------------------------- /src/layer/softplus.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/softplus.cpp -------------------------------------------------------------------------------- /src/layer/softplus.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/softplus.h -------------------------------------------------------------------------------- /src/layer/split.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/split.cpp -------------------------------------------------------------------------------- /src/layer/split.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/split.h -------------------------------------------------------------------------------- /src/layer/spp.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/spp.cpp -------------------------------------------------------------------------------- /src/layer/spp.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/spp.h -------------------------------------------------------------------------------- /src/layer/squeeze.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/squeeze.cpp -------------------------------------------------------------------------------- /src/layer/squeeze.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/squeeze.h -------------------------------------------------------------------------------- /src/layer/statisticspooling.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/statisticspooling.cpp -------------------------------------------------------------------------------- /src/layer/statisticspooling.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/statisticspooling.h -------------------------------------------------------------------------------- /src/layer/swish.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/swish.cpp -------------------------------------------------------------------------------- /src/layer/swish.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/swish.h -------------------------------------------------------------------------------- /src/layer/tanh.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/tanh.cpp -------------------------------------------------------------------------------- /src/layer/tanh.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/tanh.h -------------------------------------------------------------------------------- /src/layer/threshold.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/threshold.cpp -------------------------------------------------------------------------------- /src/layer/threshold.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/threshold.h -------------------------------------------------------------------------------- /src/layer/tile.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/tile.cpp -------------------------------------------------------------------------------- /src/layer/tile.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/tile.h -------------------------------------------------------------------------------- /src/layer/unaryop.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/unaryop.cpp -------------------------------------------------------------------------------- /src/layer/unaryop.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/unaryop.h -------------------------------------------------------------------------------- /src/layer/vulkan/absval_vulkan.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/absval_vulkan.cpp -------------------------------------------------------------------------------- /src/layer/vulkan/absval_vulkan.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/absval_vulkan.h -------------------------------------------------------------------------------- /src/layer/vulkan/batchnorm_vulkan.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/batchnorm_vulkan.h -------------------------------------------------------------------------------- /src/layer/vulkan/binaryop_vulkan.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/binaryop_vulkan.cpp -------------------------------------------------------------------------------- /src/layer/vulkan/binaryop_vulkan.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/binaryop_vulkan.h -------------------------------------------------------------------------------- /src/layer/vulkan/cast_vulkan.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/cast_vulkan.cpp -------------------------------------------------------------------------------- /src/layer/vulkan/cast_vulkan.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/cast_vulkan.h -------------------------------------------------------------------------------- /src/layer/vulkan/clip_vulkan.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/clip_vulkan.cpp -------------------------------------------------------------------------------- /src/layer/vulkan/clip_vulkan.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/clip_vulkan.h -------------------------------------------------------------------------------- /src/layer/vulkan/concat_vulkan.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/concat_vulkan.cpp -------------------------------------------------------------------------------- /src/layer/vulkan/concat_vulkan.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/concat_vulkan.h -------------------------------------------------------------------------------- /src/layer/vulkan/crop_vulkan.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/crop_vulkan.cpp -------------------------------------------------------------------------------- /src/layer/vulkan/crop_vulkan.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/crop_vulkan.h -------------------------------------------------------------------------------- /src/layer/vulkan/deepcopy_vulkan.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/deepcopy_vulkan.cpp -------------------------------------------------------------------------------- /src/layer/vulkan/deepcopy_vulkan.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/deepcopy_vulkan.h -------------------------------------------------------------------------------- /src/layer/vulkan/dropout_vulkan.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/dropout_vulkan.cpp -------------------------------------------------------------------------------- /src/layer/vulkan/dropout_vulkan.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/dropout_vulkan.h -------------------------------------------------------------------------------- /src/layer/vulkan/eltwise_vulkan.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/eltwise_vulkan.cpp -------------------------------------------------------------------------------- /src/layer/vulkan/eltwise_vulkan.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/eltwise_vulkan.h -------------------------------------------------------------------------------- /src/layer/vulkan/flatten_vulkan.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/flatten_vulkan.cpp -------------------------------------------------------------------------------- /src/layer/vulkan/flatten_vulkan.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/flatten_vulkan.h -------------------------------------------------------------------------------- /src/layer/vulkan/hardswish_vulkan.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/hardswish_vulkan.h -------------------------------------------------------------------------------- /src/layer/vulkan/interp_vulkan.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/interp_vulkan.cpp -------------------------------------------------------------------------------- /src/layer/vulkan/interp_vulkan.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/interp_vulkan.h -------------------------------------------------------------------------------- /src/layer/vulkan/lrn_vulkan.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/lrn_vulkan.cpp -------------------------------------------------------------------------------- /src/layer/vulkan/lrn_vulkan.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/lrn_vulkan.h -------------------------------------------------------------------------------- /src/layer/vulkan/memorydata_vulkan.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/memorydata_vulkan.h -------------------------------------------------------------------------------- /src/layer/vulkan/mish_vulkan.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/mish_vulkan.cpp -------------------------------------------------------------------------------- /src/layer/vulkan/mish_vulkan.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/mish_vulkan.h -------------------------------------------------------------------------------- /src/layer/vulkan/normalize_vulkan.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/normalize_vulkan.h -------------------------------------------------------------------------------- /src/layer/vulkan/packing_vulkan.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/packing_vulkan.cpp -------------------------------------------------------------------------------- /src/layer/vulkan/packing_vulkan.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/packing_vulkan.h -------------------------------------------------------------------------------- /src/layer/vulkan/padding_vulkan.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/padding_vulkan.cpp -------------------------------------------------------------------------------- /src/layer/vulkan/padding_vulkan.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/padding_vulkan.h -------------------------------------------------------------------------------- /src/layer/vulkan/permute_vulkan.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/permute_vulkan.cpp -------------------------------------------------------------------------------- /src/layer/vulkan/permute_vulkan.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/permute_vulkan.h -------------------------------------------------------------------------------- /src/layer/vulkan/pooling_vulkan.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/pooling_vulkan.cpp -------------------------------------------------------------------------------- /src/layer/vulkan/pooling_vulkan.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/pooling_vulkan.h -------------------------------------------------------------------------------- /src/layer/vulkan/prelu_vulkan.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/prelu_vulkan.cpp -------------------------------------------------------------------------------- /src/layer/vulkan/prelu_vulkan.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/prelu_vulkan.h -------------------------------------------------------------------------------- /src/layer/vulkan/priorbox_vulkan.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/priorbox_vulkan.cpp -------------------------------------------------------------------------------- /src/layer/vulkan/priorbox_vulkan.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/priorbox_vulkan.h -------------------------------------------------------------------------------- /src/layer/vulkan/relu_vulkan.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/relu_vulkan.cpp -------------------------------------------------------------------------------- /src/layer/vulkan/relu_vulkan.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/relu_vulkan.h -------------------------------------------------------------------------------- /src/layer/vulkan/reorg_vulkan.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/reorg_vulkan.cpp -------------------------------------------------------------------------------- /src/layer/vulkan/reorg_vulkan.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/reorg_vulkan.h -------------------------------------------------------------------------------- /src/layer/vulkan/reshape_vulkan.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/reshape_vulkan.cpp -------------------------------------------------------------------------------- /src/layer/vulkan/reshape_vulkan.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/reshape_vulkan.h -------------------------------------------------------------------------------- /src/layer/vulkan/scale_vulkan.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/scale_vulkan.cpp -------------------------------------------------------------------------------- /src/layer/vulkan/scale_vulkan.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/scale_vulkan.h -------------------------------------------------------------------------------- /src/layer/vulkan/shader/absval.comp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/shader/absval.comp -------------------------------------------------------------------------------- /src/layer/vulkan/shader/clip.comp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/shader/clip.comp -------------------------------------------------------------------------------- /src/layer/vulkan/shader/concat.comp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/shader/concat.comp -------------------------------------------------------------------------------- /src/layer/vulkan/shader/crop.comp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/shader/crop.comp -------------------------------------------------------------------------------- /src/layer/vulkan/shader/dropout.comp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/shader/dropout.comp -------------------------------------------------------------------------------- /src/layer/vulkan/shader/eltwise.comp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/shader/eltwise.comp -------------------------------------------------------------------------------- /src/layer/vulkan/shader/flatten.comp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/shader/flatten.comp -------------------------------------------------------------------------------- /src/layer/vulkan/shader/interp.comp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/shader/interp.comp -------------------------------------------------------------------------------- /src/layer/vulkan/shader/mish.comp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/shader/mish.comp -------------------------------------------------------------------------------- /src/layer/vulkan/shader/packing.comp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/shader/packing.comp -------------------------------------------------------------------------------- /src/layer/vulkan/shader/padding.comp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/shader/padding.comp -------------------------------------------------------------------------------- /src/layer/vulkan/shader/permute.comp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/shader/permute.comp -------------------------------------------------------------------------------- /src/layer/vulkan/shader/pooling.comp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/shader/pooling.comp -------------------------------------------------------------------------------- /src/layer/vulkan/shader/prelu.comp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/shader/prelu.comp -------------------------------------------------------------------------------- /src/layer/vulkan/shader/relu.comp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/shader/relu.comp -------------------------------------------------------------------------------- /src/layer/vulkan/shader/reorg.comp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/shader/reorg.comp -------------------------------------------------------------------------------- /src/layer/vulkan/shader/reshape.comp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/shader/reshape.comp -------------------------------------------------------------------------------- /src/layer/vulkan/shader/scale.comp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/shader/scale.comp -------------------------------------------------------------------------------- /src/layer/vulkan/shader/sigmoid.comp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/shader/sigmoid.comp -------------------------------------------------------------------------------- /src/layer/vulkan/shader/slice.comp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/shader/slice.comp -------------------------------------------------------------------------------- /src/layer/vulkan/shader/swish.comp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/shader/swish.comp -------------------------------------------------------------------------------- /src/layer/vulkan/shader/tanh.comp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/shader/tanh.comp -------------------------------------------------------------------------------- /src/layer/vulkan/shader/unaryop.comp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/shader/unaryop.comp -------------------------------------------------------------------------------- /src/layer/vulkan/sigmoid_vulkan.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/sigmoid_vulkan.cpp -------------------------------------------------------------------------------- /src/layer/vulkan/sigmoid_vulkan.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/sigmoid_vulkan.h -------------------------------------------------------------------------------- /src/layer/vulkan/slice_vulkan.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/slice_vulkan.cpp -------------------------------------------------------------------------------- /src/layer/vulkan/slice_vulkan.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/slice_vulkan.h -------------------------------------------------------------------------------- /src/layer/vulkan/softmax_vulkan.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/softmax_vulkan.cpp -------------------------------------------------------------------------------- /src/layer/vulkan/softmax_vulkan.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/softmax_vulkan.h -------------------------------------------------------------------------------- /src/layer/vulkan/swish_vulkan.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/swish_vulkan.cpp -------------------------------------------------------------------------------- /src/layer/vulkan/swish_vulkan.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/swish_vulkan.h -------------------------------------------------------------------------------- /src/layer/vulkan/tanh_vulkan.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/tanh_vulkan.cpp -------------------------------------------------------------------------------- /src/layer/vulkan/tanh_vulkan.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/tanh_vulkan.h -------------------------------------------------------------------------------- /src/layer/vulkan/unaryop_vulkan.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/unaryop_vulkan.cpp -------------------------------------------------------------------------------- /src/layer/vulkan/unaryop_vulkan.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/vulkan/unaryop_vulkan.h -------------------------------------------------------------------------------- /src/layer/x86/avx_mathfun.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/avx_mathfun.h -------------------------------------------------------------------------------- /src/layer/x86/batchnorm_x86.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/batchnorm_x86.cpp -------------------------------------------------------------------------------- /src/layer/x86/batchnorm_x86.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/batchnorm_x86.h -------------------------------------------------------------------------------- /src/layer/x86/bias_x86.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/bias_x86.cpp -------------------------------------------------------------------------------- /src/layer/x86/bias_x86.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/bias_x86.h -------------------------------------------------------------------------------- /src/layer/x86/binaryop_x86.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/binaryop_x86.cpp -------------------------------------------------------------------------------- /src/layer/x86/binaryop_x86.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/binaryop_x86.h -------------------------------------------------------------------------------- /src/layer/x86/cast_x86.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/cast_x86.cpp -------------------------------------------------------------------------------- /src/layer/x86/cast_x86.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/cast_x86.h -------------------------------------------------------------------------------- /src/layer/x86/clip_x86.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/clip_x86.cpp -------------------------------------------------------------------------------- /src/layer/x86/clip_x86.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/clip_x86.h -------------------------------------------------------------------------------- /src/layer/x86/concat_x86.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/concat_x86.cpp -------------------------------------------------------------------------------- /src/layer/x86/concat_x86.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/concat_x86.h -------------------------------------------------------------------------------- /src/layer/x86/convolution_1x1.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/convolution_1x1.h -------------------------------------------------------------------------------- /src/layer/x86/convolution_1x1_int8.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/convolution_1x1_int8.h -------------------------------------------------------------------------------- /src/layer/x86/convolution_3x3.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/convolution_3x3.h -------------------------------------------------------------------------------- /src/layer/x86/convolution_3x3_int8.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/convolution_3x3_int8.h -------------------------------------------------------------------------------- /src/layer/x86/convolution_5x5.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/convolution_5x5.h -------------------------------------------------------------------------------- /src/layer/x86/convolution_7x7.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/convolution_7x7.h -------------------------------------------------------------------------------- /src/layer/x86/convolution_int8.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/convolution_int8.h -------------------------------------------------------------------------------- /src/layer/x86/convolution_sgemm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/convolution_sgemm.h -------------------------------------------------------------------------------- /src/layer/x86/convolution_x86.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/convolution_x86.cpp -------------------------------------------------------------------------------- /src/layer/x86/convolution_x86.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/convolution_x86.h -------------------------------------------------------------------------------- /src/layer/x86/crop_x86.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/crop_x86.cpp -------------------------------------------------------------------------------- /src/layer/x86/crop_x86.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/crop_x86.h -------------------------------------------------------------------------------- /src/layer/x86/dequantize_x86.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/dequantize_x86.cpp -------------------------------------------------------------------------------- /src/layer/x86/dequantize_x86.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/dequantize_x86.h -------------------------------------------------------------------------------- /src/layer/x86/dropout_x86.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/dropout_x86.cpp -------------------------------------------------------------------------------- /src/layer/x86/dropout_x86.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/dropout_x86.h -------------------------------------------------------------------------------- /src/layer/x86/eltwise_x86.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/eltwise_x86.cpp -------------------------------------------------------------------------------- /src/layer/x86/eltwise_x86.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/eltwise_x86.h -------------------------------------------------------------------------------- /src/layer/x86/flatten_x86.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/flatten_x86.cpp -------------------------------------------------------------------------------- /src/layer/x86/flatten_x86.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/flatten_x86.h -------------------------------------------------------------------------------- /src/layer/x86/hardsigmoid_x86.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/hardsigmoid_x86.cpp -------------------------------------------------------------------------------- /src/layer/x86/hardsigmoid_x86.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/hardsigmoid_x86.h -------------------------------------------------------------------------------- /src/layer/x86/hardswish_x86.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/hardswish_x86.cpp -------------------------------------------------------------------------------- /src/layer/x86/hardswish_x86.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/hardswish_x86.h -------------------------------------------------------------------------------- /src/layer/x86/innerproduct_x86.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/innerproduct_x86.cpp -------------------------------------------------------------------------------- /src/layer/x86/innerproduct_x86.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/innerproduct_x86.h -------------------------------------------------------------------------------- /src/layer/x86/lrn_x86.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/lrn_x86.cpp -------------------------------------------------------------------------------- /src/layer/x86/lrn_x86.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/lrn_x86.h -------------------------------------------------------------------------------- /src/layer/x86/lstm_x86.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/lstm_x86.cpp -------------------------------------------------------------------------------- /src/layer/x86/lstm_x86.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/lstm_x86.h -------------------------------------------------------------------------------- /src/layer/x86/mish_x86.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/mish_x86.cpp -------------------------------------------------------------------------------- /src/layer/x86/mish_x86.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/mish_x86.h -------------------------------------------------------------------------------- /src/layer/x86/packing_x86.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/packing_x86.cpp -------------------------------------------------------------------------------- /src/layer/x86/packing_x86.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/packing_x86.h -------------------------------------------------------------------------------- /src/layer/x86/padding_pack4.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/padding_pack4.h -------------------------------------------------------------------------------- /src/layer/x86/padding_pack8.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/padding_pack8.h -------------------------------------------------------------------------------- /src/layer/x86/padding_pack8_int8.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/padding_pack8_int8.h -------------------------------------------------------------------------------- /src/layer/x86/padding_x86.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/padding_x86.cpp -------------------------------------------------------------------------------- /src/layer/x86/padding_x86.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/padding_x86.h -------------------------------------------------------------------------------- /src/layer/x86/pooling_2x2.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/pooling_2x2.h -------------------------------------------------------------------------------- /src/layer/x86/pooling_2x2_pack8.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/pooling_2x2_pack8.h -------------------------------------------------------------------------------- /src/layer/x86/pooling_3x3_pack8.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/pooling_3x3_pack8.h -------------------------------------------------------------------------------- /src/layer/x86/pooling_x86.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/pooling_x86.cpp -------------------------------------------------------------------------------- /src/layer/x86/pooling_x86.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/pooling_x86.h -------------------------------------------------------------------------------- /src/layer/x86/prelu_x86.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/prelu_x86.cpp -------------------------------------------------------------------------------- /src/layer/x86/prelu_x86.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/prelu_x86.h -------------------------------------------------------------------------------- /src/layer/x86/quantize_x86.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/quantize_x86.cpp -------------------------------------------------------------------------------- /src/layer/x86/quantize_x86.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/quantize_x86.h -------------------------------------------------------------------------------- /src/layer/x86/relu_x86.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/relu_x86.cpp -------------------------------------------------------------------------------- /src/layer/x86/relu_x86.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/relu_x86.h -------------------------------------------------------------------------------- /src/layer/x86/requantize_x86.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/requantize_x86.cpp -------------------------------------------------------------------------------- /src/layer/x86/requantize_x86.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/requantize_x86.h -------------------------------------------------------------------------------- /src/layer/x86/reshape_x86.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/reshape_x86.cpp -------------------------------------------------------------------------------- /src/layer/x86/reshape_x86.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/reshape_x86.h -------------------------------------------------------------------------------- /src/layer/x86/roialign_x86.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/roialign_x86.cpp -------------------------------------------------------------------------------- /src/layer/x86/roialign_x86.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/roialign_x86.h -------------------------------------------------------------------------------- /src/layer/x86/scale_x86.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/scale_x86.cpp -------------------------------------------------------------------------------- /src/layer/x86/scale_x86.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/scale_x86.h -------------------------------------------------------------------------------- /src/layer/x86/sigmoid_x86.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/sigmoid_x86.cpp -------------------------------------------------------------------------------- /src/layer/x86/sigmoid_x86.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/sigmoid_x86.h -------------------------------------------------------------------------------- /src/layer/x86/slice_x86.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/slice_x86.cpp -------------------------------------------------------------------------------- /src/layer/x86/slice_x86.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/slice_x86.h -------------------------------------------------------------------------------- /src/layer/x86/sse_mathfun.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/sse_mathfun.h -------------------------------------------------------------------------------- /src/layer/x86/swish_x86.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/swish_x86.cpp -------------------------------------------------------------------------------- /src/layer/x86/swish_x86.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/swish_x86.h -------------------------------------------------------------------------------- /src/layer/x86/tanh_x86.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/tanh_x86.cpp -------------------------------------------------------------------------------- /src/layer/x86/tanh_x86.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/tanh_x86.h -------------------------------------------------------------------------------- /src/layer/x86/x86_activation.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/x86_activation.h -------------------------------------------------------------------------------- /src/layer/x86/x86_usability.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/x86/x86_usability.h -------------------------------------------------------------------------------- /src/layer/yolodetectionoutput.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/yolodetectionoutput.cpp -------------------------------------------------------------------------------- /src/layer/yolodetectionoutput.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/yolodetectionoutput.h -------------------------------------------------------------------------------- /src/layer/yolov3detectionoutput.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/yolov3detectionoutput.cpp -------------------------------------------------------------------------------- /src/layer/yolov3detectionoutput.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer/yolov3detectionoutput.h -------------------------------------------------------------------------------- /src/layer_declaration.h.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer_declaration.h.in -------------------------------------------------------------------------------- /src/layer_registry.h.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer_registry.h.in -------------------------------------------------------------------------------- /src/layer_shader_registry.h.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer_shader_registry.h.in -------------------------------------------------------------------------------- /src/layer_shader_spv_data.h.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer_shader_spv_data.h.in -------------------------------------------------------------------------------- /src/layer_shader_type.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer_shader_type.h -------------------------------------------------------------------------------- /src/layer_shader_type_enum.h.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer_shader_type_enum.h.in -------------------------------------------------------------------------------- /src/layer_type.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer_type.h -------------------------------------------------------------------------------- /src/layer_type_enum.h.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/layer_type_enum.h.in -------------------------------------------------------------------------------- /src/mat.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/mat.cpp -------------------------------------------------------------------------------- /src/mat.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/mat.h -------------------------------------------------------------------------------- /src/mat_pixel.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/mat_pixel.cpp -------------------------------------------------------------------------------- /src/mat_pixel_affine.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/mat_pixel_affine.cpp -------------------------------------------------------------------------------- /src/mat_pixel_android.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/mat_pixel_android.cpp -------------------------------------------------------------------------------- /src/mat_pixel_drawing.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/mat_pixel_drawing.cpp -------------------------------------------------------------------------------- /src/mat_pixel_drawing_font.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/mat_pixel_drawing_font.h -------------------------------------------------------------------------------- /src/mat_pixel_drawing_font.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/mat_pixel_drawing_font.png -------------------------------------------------------------------------------- /src/mat_pixel_resize.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/mat_pixel_resize.cpp -------------------------------------------------------------------------------- /src/mat_pixel_rotate.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/mat_pixel_rotate.cpp -------------------------------------------------------------------------------- /src/modelbin.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/modelbin.cpp -------------------------------------------------------------------------------- /src/modelbin.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/modelbin.h -------------------------------------------------------------------------------- /src/net.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/net.cpp -------------------------------------------------------------------------------- /src/net.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/net.h -------------------------------------------------------------------------------- /src/net_new.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/net_new.cpp -------------------------------------------------------------------------------- /src/net_new.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/net_new.h -------------------------------------------------------------------------------- /src/option.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/option.cpp -------------------------------------------------------------------------------- /src/option.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/option.h -------------------------------------------------------------------------------- /src/paramdict.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/paramdict.cpp -------------------------------------------------------------------------------- /src/paramdict.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/paramdict.h -------------------------------------------------------------------------------- /src/pipeline.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/pipeline.cpp -------------------------------------------------------------------------------- /src/pipeline.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/pipeline.h -------------------------------------------------------------------------------- /src/pipelinecache.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/pipelinecache.cpp -------------------------------------------------------------------------------- /src/pipelinecache.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/pipelinecache.h -------------------------------------------------------------------------------- /src/platform.h.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/platform.h.in -------------------------------------------------------------------------------- /src/simpleocv.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/simpleocv.cpp -------------------------------------------------------------------------------- /src/simpleocv.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/simpleocv.h -------------------------------------------------------------------------------- /src/simpleomp.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/simpleomp.cpp -------------------------------------------------------------------------------- /src/simpleomp.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/simpleomp.h -------------------------------------------------------------------------------- /src/simplestl.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/simplestl.cpp -------------------------------------------------------------------------------- /src/simplestl.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/simplestl.h -------------------------------------------------------------------------------- /src/stb_image.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/stb_image.h -------------------------------------------------------------------------------- /src/stb_image_write.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/stb_image_write.h -------------------------------------------------------------------------------- /src/vulkan_header_fix.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/src/vulkan_header_fix.h -------------------------------------------------------------------------------- /tests/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/CMakeLists.txt -------------------------------------------------------------------------------- /tests/prng.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/prng.h -------------------------------------------------------------------------------- /tests/test_absval.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_absval.cpp -------------------------------------------------------------------------------- /tests/test_batchnorm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_batchnorm.cpp -------------------------------------------------------------------------------- /tests/test_binaryop.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_binaryop.cpp -------------------------------------------------------------------------------- /tests/test_c_api.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_c_api.cpp -------------------------------------------------------------------------------- /tests/test_cast.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_cast.cpp -------------------------------------------------------------------------------- /tests/test_clip.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_clip.cpp -------------------------------------------------------------------------------- /tests/test_command.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_command.cpp -------------------------------------------------------------------------------- /tests/test_concat.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_concat.cpp -------------------------------------------------------------------------------- /tests/test_convolution.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_convolution.cpp -------------------------------------------------------------------------------- /tests/test_convolutiondepthwise.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_convolutiondepthwise.cpp -------------------------------------------------------------------------------- /tests/test_cpu.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_cpu.cpp -------------------------------------------------------------------------------- /tests/test_crop.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_crop.cpp -------------------------------------------------------------------------------- /tests/test_deconvolution.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_deconvolution.cpp -------------------------------------------------------------------------------- /tests/test_deepcopy.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_deepcopy.cpp -------------------------------------------------------------------------------- /tests/test_dequantize.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_dequantize.cpp -------------------------------------------------------------------------------- /tests/test_dropout.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_dropout.cpp -------------------------------------------------------------------------------- /tests/test_eltwise.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_eltwise.cpp -------------------------------------------------------------------------------- /tests/test_elu.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_elu.cpp -------------------------------------------------------------------------------- /tests/test_flatten.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_flatten.cpp -------------------------------------------------------------------------------- /tests/test_gelu.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_gelu.cpp -------------------------------------------------------------------------------- /tests/test_gemm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_gemm.cpp -------------------------------------------------------------------------------- /tests/test_groupnorm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_groupnorm.cpp -------------------------------------------------------------------------------- /tests/test_gru.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_gru.cpp -------------------------------------------------------------------------------- /tests/test_hardsigmoid.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_hardsigmoid.cpp -------------------------------------------------------------------------------- /tests/test_hardswish.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_hardswish.cpp -------------------------------------------------------------------------------- /tests/test_innerproduct.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_innerproduct.cpp -------------------------------------------------------------------------------- /tests/test_instancenorm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_instancenorm.cpp -------------------------------------------------------------------------------- /tests/test_interp.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_interp.cpp -------------------------------------------------------------------------------- /tests/test_layernorm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_layernorm.cpp -------------------------------------------------------------------------------- /tests/test_lrn.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_lrn.cpp -------------------------------------------------------------------------------- /tests/test_lstm.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_lstm.cpp -------------------------------------------------------------------------------- /tests/test_mat_pixel.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_mat_pixel.cpp -------------------------------------------------------------------------------- /tests/test_mat_pixel_affine.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_mat_pixel_affine.cpp -------------------------------------------------------------------------------- /tests/test_mat_pixel_drawing.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_mat_pixel_drawing.cpp -------------------------------------------------------------------------------- /tests/test_mat_pixel_resize.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_mat_pixel_resize.cpp -------------------------------------------------------------------------------- /tests/test_mat_pixel_rotate.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_mat_pixel_rotate.cpp -------------------------------------------------------------------------------- /tests/test_memorydata.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_memorydata.cpp -------------------------------------------------------------------------------- /tests/test_mish.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_mish.cpp -------------------------------------------------------------------------------- /tests/test_multiheadattention.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_multiheadattention.cpp -------------------------------------------------------------------------------- /tests/test_noop.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_noop.cpp -------------------------------------------------------------------------------- /tests/test_normalize.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_normalize.cpp -------------------------------------------------------------------------------- /tests/test_packing.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_packing.cpp -------------------------------------------------------------------------------- /tests/test_padding.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_padding.cpp -------------------------------------------------------------------------------- /tests/test_permute.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_permute.cpp -------------------------------------------------------------------------------- /tests/test_pixelshuffle.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_pixelshuffle.cpp -------------------------------------------------------------------------------- /tests/test_pooling.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_pooling.cpp -------------------------------------------------------------------------------- /tests/test_prelu.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_prelu.cpp -------------------------------------------------------------------------------- /tests/test_priorbox.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_priorbox.cpp -------------------------------------------------------------------------------- /tests/test_quantize.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_quantize.cpp -------------------------------------------------------------------------------- /tests/test_relu.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_relu.cpp -------------------------------------------------------------------------------- /tests/test_reorg.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_reorg.cpp -------------------------------------------------------------------------------- /tests/test_requantize.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_requantize.cpp -------------------------------------------------------------------------------- /tests/test_reshape.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_reshape.cpp -------------------------------------------------------------------------------- /tests/test_rnn.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_rnn.cpp -------------------------------------------------------------------------------- /tests/test_roialign.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_roialign.cpp -------------------------------------------------------------------------------- /tests/test_roipooling.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_roipooling.cpp -------------------------------------------------------------------------------- /tests/test_scale.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_scale.cpp -------------------------------------------------------------------------------- /tests/test_shufflechannel.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_shufflechannel.cpp -------------------------------------------------------------------------------- /tests/test_sigmoid.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_sigmoid.cpp -------------------------------------------------------------------------------- /tests/test_slice.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_slice.cpp -------------------------------------------------------------------------------- /tests/test_softmax.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_softmax.cpp -------------------------------------------------------------------------------- /tests/test_softplus.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_softplus.cpp -------------------------------------------------------------------------------- /tests/test_squeezenet.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_squeezenet.cpp -------------------------------------------------------------------------------- /tests/test_swish.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_swish.cpp -------------------------------------------------------------------------------- /tests/test_tanh.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_tanh.cpp -------------------------------------------------------------------------------- /tests/test_unaryop.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_unaryop.cpp -------------------------------------------------------------------------------- /tests/test_yolov3detectionoutput.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/test_yolov3detectionoutput.cpp -------------------------------------------------------------------------------- /tests/testutil.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tests/testutil.h -------------------------------------------------------------------------------- /toolchains/c906.toolchain.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/toolchains/c906.toolchain.cmake -------------------------------------------------------------------------------- /toolchains/himix100.toolchain.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/toolchains/himix100.toolchain.cmake -------------------------------------------------------------------------------- /toolchains/himix200.toolchain.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/toolchains/himix200.toolchain.cmake -------------------------------------------------------------------------------- /toolchains/hisiv300.toolchain.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/toolchains/hisiv300.toolchain.cmake -------------------------------------------------------------------------------- /toolchains/hisiv500.toolchain.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/toolchains/hisiv500.toolchain.cmake -------------------------------------------------------------------------------- /toolchains/hisiv600.toolchain.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/toolchains/hisiv600.toolchain.cmake -------------------------------------------------------------------------------- /toolchains/host.gcc.toolchain.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/toolchains/host.gcc.toolchain.cmake -------------------------------------------------------------------------------- /toolchains/ios.toolchain.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/toolchains/ios.toolchain.cmake -------------------------------------------------------------------------------- /toolchains/iossimxc.toolchain.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/toolchains/iossimxc.toolchain.cmake -------------------------------------------------------------------------------- /toolchains/iosxc.toolchain.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/toolchains/iosxc.toolchain.cmake -------------------------------------------------------------------------------- /toolchains/jetson.toolchain.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/toolchains/jetson.toolchain.cmake -------------------------------------------------------------------------------- /toolchains/pi3.toolchain.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/toolchains/pi3.toolchain.cmake -------------------------------------------------------------------------------- /toolchains/v831.toolchain.cmake: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/toolchains/v831.toolchain.cmake -------------------------------------------------------------------------------- /tools/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tools/CMakeLists.txt -------------------------------------------------------------------------------- /tools/caffe/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tools/caffe/CMakeLists.txt -------------------------------------------------------------------------------- /tools/caffe/caffe.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tools/caffe/caffe.proto -------------------------------------------------------------------------------- /tools/caffe/caffe2ncnn.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tools/caffe/caffe2ncnn.cpp -------------------------------------------------------------------------------- /tools/darknet/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tools/darknet/CMakeLists.txt -------------------------------------------------------------------------------- /tools/darknet/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tools/darknet/README.md -------------------------------------------------------------------------------- /tools/darknet/darknet2ncnn.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tools/darknet/darknet2ncnn.cpp -------------------------------------------------------------------------------- /tools/darknet/output.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tools/darknet/output.jpg -------------------------------------------------------------------------------- /tools/keras/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tools/keras/readme.md -------------------------------------------------------------------------------- /tools/mlir/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tools/mlir/CMakeLists.txt -------------------------------------------------------------------------------- /tools/mlir/fix_td.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tools/mlir/fix_td.sh -------------------------------------------------------------------------------- /tools/mlir/mlir2ncnn.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tools/mlir/mlir2ncnn.cpp -------------------------------------------------------------------------------- /tools/mlir/ncnn_dialect.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tools/mlir/ncnn_dialect.cpp -------------------------------------------------------------------------------- /tools/mlir/ncnn_dialect.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tools/mlir/ncnn_dialect.h -------------------------------------------------------------------------------- /tools/mlir/ncnn_ops.td: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tools/mlir/ncnn_ops.td -------------------------------------------------------------------------------- /tools/mlir/ncnn_rewriter.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tools/mlir/ncnn_rewriter.cpp -------------------------------------------------------------------------------- /tools/mlir/ncnn_rewriter.td: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tools/mlir/ncnn_rewriter.td -------------------------------------------------------------------------------- /tools/mlir/tf_attributes.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tools/mlir/tf_attributes.cc -------------------------------------------------------------------------------- /tools/mlir/tf_attributes.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tools/mlir/tf_attributes.h -------------------------------------------------------------------------------- /tools/mlir/tf_dialect.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tools/mlir/tf_dialect.cpp -------------------------------------------------------------------------------- /tools/mlir/tf_dialect.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tools/mlir/tf_dialect.h -------------------------------------------------------------------------------- /tools/mlir/tf_generated_ops.td: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tools/mlir/tf_generated_ops.td -------------------------------------------------------------------------------- /tools/mlir/tf_op_base.td: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tools/mlir/tf_op_base.td -------------------------------------------------------------------------------- /tools/mlir/tf_ops.td: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tools/mlir/tf_ops.td -------------------------------------------------------------------------------- /tools/mlir/tf_side_effects.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tools/mlir/tf_side_effects.h -------------------------------------------------------------------------------- /tools/mlir/tf_traits.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tools/mlir/tf_traits.h -------------------------------------------------------------------------------- /tools/mlir/tf_types.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tools/mlir/tf_types.cc -------------------------------------------------------------------------------- /tools/mlir/tf_types.def: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tools/mlir/tf_types.def -------------------------------------------------------------------------------- /tools/mlir/tf_types.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tools/mlir/tf_types.h -------------------------------------------------------------------------------- /tools/modelwriter.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tools/modelwriter.h -------------------------------------------------------------------------------- /tools/mxnet/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tools/mxnet/CMakeLists.txt -------------------------------------------------------------------------------- /tools/mxnet/mxnet2ncnn.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tools/mxnet/mxnet2ncnn.cpp -------------------------------------------------------------------------------- /tools/ncnn2mem.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tools/ncnn2mem.cpp -------------------------------------------------------------------------------- /tools/ncnnmerge.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tools/ncnnmerge.cpp -------------------------------------------------------------------------------- /tools/ncnnoptimize.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tools/ncnnoptimize.cpp -------------------------------------------------------------------------------- /tools/onnx/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tools/onnx/CMakeLists.txt -------------------------------------------------------------------------------- /tools/onnx/onnx.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tools/onnx/onnx.proto -------------------------------------------------------------------------------- /tools/onnx/onnx2ncnn.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tools/onnx/onnx2ncnn.cpp -------------------------------------------------------------------------------- /tools/plugin/ImageWatchNCNN.natvis: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tools/plugin/ImageWatchNCNN.natvis -------------------------------------------------------------------------------- /tools/plugin/ImageWatchNNIE.natvis: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tools/plugin/ImageWatchNNIE.natvis -------------------------------------------------------------------------------- /tools/plugin/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tools/plugin/README.md -------------------------------------------------------------------------------- /tools/plugin/ncnn_snapshot.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tools/plugin/ncnn_snapshot.png -------------------------------------------------------------------------------- /tools/plugin/nnie_snapshot.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tools/plugin/nnie_snapshot.png -------------------------------------------------------------------------------- /tools/pytorch/readme.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tools/pytorch/readme.txt -------------------------------------------------------------------------------- /tools/quantize/CMakeLists.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tools/quantize/CMakeLists.txt -------------------------------------------------------------------------------- /tools/quantize/README.md: -------------------------------------------------------------------------------- 1 | see docs/how-to-use-and-FAQ/quantized-int8-inference.md 2 | -------------------------------------------------------------------------------- /tools/quantize/imreadwrite.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tools/quantize/imreadwrite.cpp -------------------------------------------------------------------------------- /tools/quantize/imreadwrite.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tools/quantize/imreadwrite.h -------------------------------------------------------------------------------- /tools/quantize/ncnn2int8.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tools/quantize/ncnn2int8.cpp -------------------------------------------------------------------------------- /tools/quantize/ncnn2table.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tools/quantize/ncnn2table.cpp -------------------------------------------------------------------------------- /tools/tensorflow/readme.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/UbiquitousLearning/NNV12/HEAD/tools/tensorflow/readme.txt --------------------------------------------------------------------------------