Pinned Repositories
BBox-Label-Tool
A simple tool for labeling object bounding boxes in images
caffe
Caffe: a fast open framework for deep learning.
caffe-yolov3
A real-time object detection framework of Yolov3 based on caffe
caffe_ocr
主流ocr算法研究实验性的项目,目前实现了CNN+BLSTM+CTC架构
chineseocr_lite
超轻量级中文ocr,支持竖排文字识别, 支持ncnn推理 ( dbnet(1.8M) + crnn(2.5M) + anglenet(378KB)) 总模型仅4.7M
cosine_metric_learning
Deep Cosine Metric Learning for Person Re-identification
CSL_RetinaNet_Tensorflow
Code for ECCV 2020 paper: Arbitrary-Oriented Object Detection with Circular Smooth Label
MeterReader
Using depth neural network to read traditional meter.
Msnhnet
A mini pytorch inference framework which inspired from darknet.
TensorFlow-2.x-Tutorials
TensorFlow 2.x version's Tutorials and Examples, including CNN, RNN, GAN, Auto-Encoders, FasterRCNN, GPT, BERT examples, etc. TF 2.0版入门实例代码,实战教程。
Annsmf's Repositories
Annsmf/MeterReader
Using depth neural network to read traditional meter.
Annsmf/Msnhnet
A mini pytorch inference framework which inspired from darknet.
Annsmf/TensorFlow-2.x-Tutorials
TensorFlow 2.x version's Tutorials and Examples, including CNN, RNN, GAN, Auto-Encoders, FasterRCNN, GPT, BERT examples, etc. TF 2.0版入门实例代码,实战教程。
Annsmf/caffe
Caffe: a fast open framework for deep learning.
Annsmf/caffe_ocr
主流ocr算法研究实验性的项目,目前实现了CNN+BLSTM+CTC架构
Annsmf/chineseocr_lite
超轻量级中文ocr,支持竖排文字识别, 支持ncnn推理 ( dbnet(1.8M) + crnn(2.5M) + anglenet(378KB)) 总模型仅4.7M
Annsmf/cosine_metric_learning
Deep Cosine Metric Learning for Person Re-identification
Annsmf/CSL_RetinaNet_Tensorflow
Code for ECCV 2020 paper: Arbitrary-Oriented Object Detection with Circular Smooth Label
Annsmf/Deep-Learning-with-TensorFlow-book
深度学习入门开源书,基于TensorFlow 2.0案例实战。Open source Deep Learning book, based on TensorFlow 2.0 framework.
Annsmf/deep_sort_yolov3
Real-time Multi-person tracker using YOLO v3 and deep_sort with tensorflow
Annsmf/DLPerf
DeepLearning Framework Performance Profiling Toolkit
Annsmf/examples
A set of examples around pytorch in Vision, Text, Reinforcement Learning, etc.
Annsmf/FaceMaskDetection
开源人脸口罩检测模型和数据 Detect faces and determine whether people are wearing mask.
Annsmf/fire-detect-yolov4
fire-smoke-detection-dataset and fire-detection-yolov4 (with xml annotations)
Annsmf/GAN-keras
里面包含许多GAN算法的Keras源码,可以用于训练自己的模型。
Annsmf/learningAtlas200DK
Annsmf/libfacedetection
An open source library for face detection in images. The face detection speed can reach 1000FPS.
Annsmf/ML-web-app
Train and Deploy Simple Machine Learning Model With Web Interface - Docker, PyTorch & Flask
Annsmf/models
Models and examples built with TensorFlow
Annsmf/MTCNN_FaceDetection_TensorRT
MTCNN C++ implementation with NVIDIA TensorRT Inference accelerator SDK
Annsmf/nnie
重构海思sample中的NNIE模块
Annsmf/Object-Detection-and-Tracking
deep_sort_yolov3
Annsmf/pytorch_classification
利用pytorch实现图像分类的一个完整的代码,训练,预测,TTA,模型融合,模型部署,cnn提取特征,svm或者随机森林等进行分类,模型蒸馏,一个完整的代码
Annsmf/R3Det_Tensorflow
Code for AAAI 2021 paper: R3Det: Refined Single-Stage Detector with Feature Refinement for Rotating Object
Annsmf/Retinanet-Pytorch
Retinanet目标检测算法(简单,明了,易用,全中文注释,单机多卡训练,视频检测)(based on pytorch,Simple, Clear, Mutil GPU)
Annsmf/Study_TF2.0
Annsmf/TensorRT_Tutorial
Annsmf/tensorRTIntegrate
TensorRT ONNX Plugin、Inference、Compile
Annsmf/tensorrtx
Implementation of popular deep learning networks with TensorRT network definition API
Annsmf/yolov3
YOLOv3 in PyTorch > ONNX > CoreML > iOS