-
competition-baseline Public
Forked from datawhalechina/competition-baseline数据挖掘、计算机视觉、自然语言处理、推荐系统竞赛知识、代码、思路
Jupyter Notebook GNU General Public License v3.0 UpdatedOct 8, 2024 -
awesome-pretrained-chinese-nlp-models Public
Forked from lonePatient/awesome-pretrained-chinese-nlp-modelsAwesome Pretrained Chinese NLP Models,高质量中文预训练模型&大模型&多模态模型&大语言模型集合
Python MIT License UpdatedSep 6, 2023 -
ocrcn_tf2 Public
Forked from jjcheer/ocrcn_tf2TensorFlow2.0的中文汉字手写体识别!OCR必备,欢迎star!
Python UpdatedMar 16, 2023 -
harmonyos-tutorial Public
Forked from waylau/harmonyos-tutorialHarmonyOS Tutorial. 《跟老卫学HarmonyOS》
UpdatedFeb 6, 2023 -
trt-samples-for-hackathon-cn Public
Forked from NVIDIA/trt-samples-for-hackathon-cnSimple samples for TensorRT programming
Python Apache License 2.0 UpdatedMay 7, 2022 -
async_infer_python Public
Forked from wangzyon/pyInferasync inference for machine learning model
Python UpdatedApr 29, 2022 -
TPAT Public
Forked from Tencent/TPATTensorRT Plugin Autogen Tool
Python Apache License 2.0 UpdatedApr 27, 2022 -
DeepLearning-500-questions Public
Forked from scutan90/DeepLearning-500-questions深度学习500问,以问答形式对常用的概率知识、线性代数、机器学习、深度学习、计算机视觉等热点问题进行阐述,以帮助自己及有需要的读者。 全书分为18个章节,50余万字。由于水平有限,书中不妥之处恳请广大读者批评指正。 未完待续............ 如有意合作,联系[email protected] 版权所有,违权必究 Tan 2018.06
JavaScript GNU General Public License v3.0 UpdatedApr 10, 2022 -
imgaug Public
Forked from aleju/imgaugImage augmentation for machine learning experiments.
Python MIT License UpdatedApr 7, 2022 -
lite.ai.toolkit Public
Forked from xlite-dev/lite.ai.toolkit🛠 A lite C++ toolkit of awesome AI models with ONNXRuntime, NCNN, MNN and TNN. YOLOX, YOLOP, YOLOv5, YOLOR, NanoDet, YOLOX, SCRFD, YOLOX . MNN, NCNN, TNN, ONNXRuntime, CPU/GPU.
C++ GNU General Public License v3.0 UpdatedMar 2, 2022 -
yolov5-v6.1-opencv-onnxrun Public
Forked from hpc203/yolov5-v6.1-opencv-onnxrun分别使用OpenCV、ONNXRuntime部署yolov5-v6.1目标检测,包含C++和Python两个版本的程序。支持yolov5s,yolov5m,yolov5l,yolov5n,yolov5x,yolov5s6,yolov5m6,yolov5l6,yolov5n6,yolov5x6的十种结构的yolov5-v6.1
C++ UpdatedFeb 28, 2022 -
yolor Public
Forked from WongKinYiu/yolorimplementation of paper - You Only Learn One Representation: Unified Network for Multiple Tasks (https://arxiv.org/abs/2105.04206)
Python GNU General Public License v3.0 UpdatedJan 13, 2022 -
cv-detect-robot Public
Forked from guojianyang/cv-detect-robot🔥🔥🔥🔥🔥🔥yolov5+YOLOX+yolo+tensorRT+ros+deepstream+jetson+nano+TX2+NX for High-performance deployment(高性能部署)
C++ UpdatedJan 9, 2022 -
Image-Adaptive-YOLO Public
Forked from wenyyu/Image-Adaptive-YOLOImage-Adaptive YOLO for Object Detection in Adverse Weather Conditions
Python Apache License 2.0 UpdatedDec 29, 2021 -
mmdetection-to-tensorrt Public
Forked from grimoire/mmdetection-to-tensorrtconvert mmdetection model to tensorrt, support fp16, int8, batch input, dynamic shape etc.
Python Apache License 2.0 UpdatedNov 16, 2021 -
Robust_Logo_Detection Public
Forked from FenHua/Robust_Logo_Detectionobject detection; robust detection; ACM MM21 grand challenge; Security AI Challenger Phase VII
Python Apache License 2.0 UpdatedOct 24, 2021 -
tensorRT_Pro Public
Forked from shouxieai/tensorRT_ProC++ library based on tensorrt integration
C++ UpdatedOct 20, 2021 -
FFA-Net Public
Forked from zhilin007/FFA-NetFFA-Net: Feature Fusion Attention Network for Single Image Dehazing
Python UpdatedOct 16, 2021 -
http_server_cpp Public
Forked from shouxieai/http_server_cppC++的http服务器,简单好用
C MIT License UpdatedSep 4, 2021 -
Deep-Learning-with-TensorFlow-book Public
Forked from dragen1860/Deep-Learning-with-TensorFlow-book深度学习入门开源书,基于TensorFlow 2.0案例实战。Open source Deep Learning book, based on TensorFlow 2.0 framework.
Jupyter Notebook UpdatedAug 30, 2021 -
tensorrtx Public
Forked from wang-xinyu/tensorrtxImplementation of popular deep learning networks with TensorRT network definition API
C++ MIT License UpdatedAug 18, 2021 -
nanodet Public
Forked from RangiLyu/nanodet⚡Super fast and lightweight anchor-free object detection model. 🔥Only 980 KB(int8) / 1.8MB (fp16) and run 97FPS on cellphone🔥
Python Apache License 2.0 UpdatedAug 17, 2021 -
ppl.nn Public
Forked from OpenPPL/ppl.nnA primitive library for neural network
C++ Apache License 2.0 UpdatedAug 9, 2021 -
pytorch-liteflownet Public
Forked from sniklaus/pytorch-liteflowneta reimplementation of LiteFlowNet in PyTorch that matches the official Caffe version
Python GNU General Public License v3.0 UpdatedJul 25, 2021 -
YOLOX Public
Forked from Megvii-BaseDetection/YOLOXYOLOX is a high-performance anchor-free YOLO. Exceeding yolov3~v5 with ONNX, TensorRT, ncnn, and OpenVINO supported.
Python Apache License 2.0 UpdatedJul 21, 2021 -
RAFT Public
Forked from princeton-vl/RAFTPython BSD 3-Clause "New" or "Revised" License UpdatedJul 14, 2021 -
Machine_Learning_Code_Implementation Public
Forked from luwill/Machine_Learning_Code_ImplementationMathematical derivation and pure Python code implementation of machine learning algorithms.
Jupyter Notebook UpdatedJul 3, 2021 -
evil-huawei Public
Forked from evil-huawei/evil-huaweiEvil Huawei - 华为作过的恶
-
Swin-Transformer-Object-Detection Public
Forked from SwinTransformer/Swin-Transformer-Object-DetectionThis is an official implementation for "Swin Transformer: Hierarchical Vision Transformer using Shifted Windows" on Object Detection and Instance Segmentation.
Python Apache License 2.0 UpdatedJun 25, 2021 -
Tutorials-1 Public
Forked from huiscliu/TutorialsSome basic programming tutorials
C UpdatedMar 28, 2021