june505's Stars
Ewenwan/MVision
机器人视觉 移动机器人 VS-SLAM ORB-SLAM2 深度学习目标检测 yolov3 行为检测 opencv PCL 机器学习 无人驾驶
grandyang/leetcode
Provide all my solutions and explanations in Chinese for all the Leetcode coding problems.
june505/SearchEngine
一个搜索引擎迷你项目,涉及分词,建倒排索引,网页去重,计算相似度,文本聚类,多进程编程,网络编程,守护进程编写,makefile编写,工程组织等各方面内容
utkuozbulak/pytorch-cnn-visualizations
Pytorch implementation of convolutional neural network visualization techniques
onnx/tutorials
Tutorials for creating and using ONNX models
daicoolb/Awesome-Graph-Embedding
Awesome Graph Embedding Techinques
yanwii/ChinsesNER-pytorch
基于BI-LSTM+CRF的中文命名实体识别 Pytorch
DetectionTeamUCAS/FCOS_GluonCV
FCOS: Fully Convolutional One-Stage Object Detection.
lutzroeder/netron
Visualizer for neural network, deep learning and machine learning models
IntelLabs/distiller
Neural Network Distiller by Intel AI Lab: a Python package for neural network compression research. https://intellabs.github.io/distiller
lxtGH/OctaveConv_pytorch
Pytorch implementation of newly added convolution
preservim/nerdtree
A tree explorer plugin for vim.
amix/vimrc
The ultimate Vim configuration (vimrc)
lanpa/tensorboardX
tensorboard for pytorch (and chainer, mxnet, numpy, ...)
yangxue0827/R2CNN_FPN_Tensorflow
R2CNN: Rotational Region CNN Based on FPN (Tensorflow)
szq0214/DSOD
DSOD: Learning Deeply Supervised Object Detectors from Scratch. In ICCV 2017.
taki0112/Tensorflow-Cookbook
Simple Tensorflow Cookbook for easy-to-use
ChanChiChoi/awesome-ocr
papers about ocr
shadowsocks/shadowsocks-windows
A C# port of shadowsocks
ljpzzz/machinelearning
My blogs and code for machine learning. http://cnblogs.com/pinard
YoungMiao/crnn
Based on crnn add Chinese recognition
zergtant/pytorch-handbook
pytorch handbook是一本开源的书籍,目标是帮助那些希望和使用PyTorch进行深度学习开发和研究的朋友快速入门,其中包含的Pytorch教程全部通过测试保证可以成功运行
eriklindernoren/PyTorch-YOLOv3
Minimal PyTorch implementation of YOLOv3
justusschock/shapenet
PyTorch implementation of "Super-Realtime Facial Landmark Detection and Shape Fitting by Deep Regression of Shape Model Parameters" predicting facial landmarks with up to 400 FPS
huizhang0110/ocr_tools
Given four points of a polygon, crop out the closest bounding box rectangle from original image.
hoya012/deep_learning_object_detection
A paper list of object detection using deep learning.
Cartucho/mAP
mean Average Precision - This code evaluates the performance of your neural net for object recognition.
FFmpeg/FFmpeg
Mirror of https://git.ffmpeg.org/ffmpeg.git
inessus/pytorch_awesome
about the resources of pytorch
dlunion/CaffeLSTM-OCR
基于caffe的LSTM OCR案例,能够利用该案例完成序列的识别,包括验证码、车牌、身份证号码、地址等长序列动长的内容识别