shining_love (shining-love)

shining-love

Geek Repo

Location:Fuzhou University(China)

Github PK Tool:Github PK Tool

shining_love's repositories

deepsort_tensorrt

This is a TensorRT based deepsort project

Language:C++Stargazers:1Issues:0Issues:0

libtorch-yolov5

A LibTorch inference implementation of the yolov5

Language:C++License:MITStargazers:1Issues:0Issues:0

nutonomy_pointpillars

Convert pointpillars Pytorch Model To ONNX for TensorRT Inference

Language:PythonLicense:MITStargazers:1Issues:0Issues:0
Language:Jupyter NotebookLicense:NOASSERTIONStargazers:1Issues:0Issues:0

yolov5_tensorrt_int8

TensorRT int8 量化部署 yolov5s 4.0 模型,实测3.3ms一帧!

Stargazers:1Issues:0Issues:0

Active-learning-for-object-detection

Active learning for deep object detection using YOLO

Stargazers:0Issues:0Issues:0

analytics-zoo

Distributed Tensorflow, Keras and PyTorch on Apache Spark/Flink & Ray

License:Apache-2.0Stargazers:0Issues:0Issues:0

BiPointNet

This project is the official implementation of our accepted ICLR 2021 paper BiPointNet: Binary Neural Network for Point Clouds.

License:MITStargazers:0Issues:0Issues:0

bottom-up-attention.pytorch

An PyTorch reimplementation of bottom-up-attention models

Language:Jupyter NotebookLicense:Apache-2.0Stargazers:0Issues:0Issues:0

CGNet

CGNet: A Light-weight Context Guided Network for Semantic Segmentation [IEEE Transactions on Image Processing 2020]

License:MITStargazers:0Issues:0Issues:0

code-samples

Source code examples from the Parallel Forall Blog

License:BSD-3-ClauseStargazers:0Issues:0Issues:0

copy-paste-aug

Copy-paste augmentation for segmentation and detection tasks

License:MITStargazers:0Issues:0Issues:0

cuda-samples

Samples for CUDA Developers which demonstrates features in CUDA Toolkit

License:NOASSERTIONStargazers:0Issues:0Issues:0

few-shot-meta-baseline

A New Meta-Baseline for Few-Shot Learning

License:MITStargazers:0Issues:0Issues:0
Stargazers:0Issues:0Issues:0

fvcore

Collection of common code that's shared among different research projects in FAIR computer vision team.

Language:PythonLicense:Apache-2.0Stargazers:0Issues:0Issues:0

mmdetection_libtorch

mmdetection in python训练, libtorch in c++部署

Stargazers:0Issues:0Issues:0

Model-Compression-Deploy

model compression and deploy. compression: 1、quantization: quantization-aware-training, 16/8/4/2-bit(dorefa/Quantization and Training of Neural Networks for Efficient Integer-Arithmetic-Only Inference)、ternary/binary(twn/bnn/xnor-net); post-training-quantization, 8-bit(tensorrt); 2、 pruning: normal、regular and group convolutional channel pruning; 3、 group convolution structure; 4、batch-normalization folding for quantization. deploy: tensorrt, fp32/fp16/int8(ptq-calibration)、op-adapt(upsample)、dynamic_shape

Language:PythonStargazers:0Issues:0Issues:0

onnx-custom-plugin

This repo demonstrates how to use plugins written in C++ with the TensorRT Python bindings and onnx Parser.

Stargazers:0Issues:0Issues:0

onnx-simplifier

Simplify your onnx model

License:Apache-2.0Stargazers:0Issues:0Issues:0

OSDN

Keras implementation for the research paper "Towards Open Set Deep Networks" A Bendale, T Boult, CVPR 2016

Language:Jupyter NotebookLicense:LGPL-3.0Stargazers:0Issues:0Issues:0

PyTorch-CPP-1

PyTorch C++ inference with LibTorch

Language:C++Stargazers:0Issues:0Issues:0

RepVGG_TensorRT_int8

RepVGG TensorRT int8 量化,实测推理不到1ms一帧!

Stargazers:0Issues:0Issues:0

tensorflow-serving-yolov3

主要对原tensorflow版本算法进行了网络修改,显示调整,数据处理等细节优化,详细说明了 从本地训练到serving端部署yolov3的整个流程,训练了Visdrone2019无人机数据集, 准确率 较高, 训练工业检测数据集(非80类中的一类),mAP为97.51,FPS在1080上测试15-20帧!

Stargazers:0Issues:0Issues:0

tensorrt-plugin-demo

Simple demo of tensorrt plugin

License:GPL-3.0Stargazers:0Issues:0Issues:0
Stargazers:0Issues:0Issues:0

tensorrtx

Implementation of popular deep learning networks with TensorRT network definition API

Language:C++License:MITStargazers:0Issues:0Issues:0

yolo-tensorrt

Support Yolov5s,m,l,x .darknet -> tensorrt. Yolov4 Yolov3 use raw darknet *.weights and *.cfg fils. If the wrapper is useful to you,please Star it.

License:MITStargazers:0Issues:0Issues:0

yolov5

YOLOv5 in PyTorch > ONNX > CoreML > TFLite

Language:PythonLicense:GPL-3.0Stargazers:0Issues:0Issues:0

YOLOv5_NCNN

🍅 Ncnn deployment on mobile,support:YOLOv5s,YOLOv4-tiny,MobileNetV2-YOLOv3-nano,Simple-Pose,Yolact,ChineseOCR-lite,ENet,Landmark106,DBFace,MBNv2-FCN and MBNv3-Seg-small on camera.

Language:C++License:GPL-3.0Stargazers:0Issues:0Issues:0