Pinned Repositories
Algorithm_Interview_Notes-Chinese
2018/2019/校招/春招/秋招/算法/机器学习(Machine Learning)/深度学习(Deep Learning)/自然语言处理(NLP)/C/C++/Python/面试笔记
alpr-unconstrained
(一个非常厉害的车牌识别系统!)License Plate Detection and Recognition in Unconstrained Scenarios
cats-vs-dogs
TensorFlow实现Kaggle猫狗大战(程序有小错误,但是整体流程还可以)
cnn-svm-classifier
Using Tensorflow and a Support Vector Machine to Create an Image Classifications Engine
dataTraceCheck
财税数据模型溯源核对应用实践-数据仓库方向
faster-rcnn.pytorch
A faster pytorch implementation of faster r-cnn
keras-yolo3
A Keras implementation of YOLOv3(从头开始训练自己的数据集,对应的博客:https://www.e-learn.cn/index.php/content/python/724590)
MTCNN-Tensorflow
(MTCNN人脸识别) Reproduce MTCNN using Tensorflow
Road-Semantic-Segmentation
(使用vgg16对道路进行分割!可正常运行!)Udacity Self-Driving Car Engineer Nanodegree. Project: Road Semantic Segmentation
tf-semseg
(Tensorflow实现的Unet与segNet可以参考)Tensorflow implementation of Semantic Segmentation Algorithms
670373064's Repositories
670373064/faster-rcnn.pytorch
A faster pytorch implementation of faster r-cnn
670373064/keras-yolo3
A Keras implementation of YOLOv3(从头开始训练自己的数据集,对应的博客:https://www.e-learn.cn/index.php/content/python/724590)
670373064/MTCNN-Tensorflow
(MTCNN人脸识别) Reproduce MTCNN using Tensorflow
670373064/Algorithm_Interview_Notes-Chinese
2018/2019/校招/春招/秋招/算法/机器学习(Machine Learning)/深度学习(Deep Learning)/自然语言处理(NLP)/C/C++/Python/面试笔记
670373064/alpr-unconstrained
(一个非常厉害的车牌识别系统!)License Plate Detection and Recognition in Unconstrained Scenarios
670373064/awesome-semantic-segmentation
(图像分割的项目汇总!!!)awesome-semantic-segmentation
670373064/CMDB
资产管理系统 可以用于监控系统的参考
670373064/Deep-Learning-21-Examples
《21个项目玩转深度学习———基于TensorFlow的实践详解》配套代码
670373064/deeplab_v3
(分割效果还不错!)Tensorflow Implementation of the Semantic Segmentation DeepLab_V3 CNN
670373064/DeepLearning_tutorials-
tensorflow实现的一些经典的模型,可认真研究
670373064/Defect-Detection-with-tensorflow
👷胶囊检测withTensorflow,主要检测了凹陷和缺失部分
670373064/DQN-tensorflow
(深度强化学习的玩游戏,可借鉴)Tensorflow implementation of Human-Level Control through Deep Reinforcement Learning
670373064/end2end-all-conv
(x_ray光图像乳腺癌检测合集!)End-to-end training for breast cancer diagnosis using deep all convolutional networks
670373064/faster_rcnn_pytorch
An reimplement of faster r-cnn(resnet) with pytorch
670373064/Lyft_Perception_Challenge
(可以正常运行)Variation of Google's DeepLabV3 to Solve Lyft's Semantic Segmentation Challenge
670373064/M2Det
M2Det pytorch版本,貌似是原作者的代码 M2Det: A Single-Shot Object Detector based on Multi-Level Feature Pyramid Network
670373064/nlp_chinese_corpus
(杰哥让下载的资料!!!!)大规模中文自然语言处理语料 Large Scale Chinese Corpus for NLP
670373064/PyQt5
《PyQt5快速开发与实战》配套代码
670373064/pytorch-book
(PyTorch入门与实践的代码)PyTorch tutorials and fun projects including neural talk, neural style, poem writing, anime generation
670373064/refinedet
Pytorch版本的RefineDet
670373064/refinedet.pytorch
这个版本的比较全面,可以参考!
670373064/RefineDet_TF-1
(RefineDet,检测效果貌似挺好的!)implement RefineDet in tensorflow
670373064/retina-unet
(血管分割)Retina blood vessel segmentation with a convolutional neural network
670373064/Semantic-Segmentation-Suite
(图像分割程序集合!!)Semantic Segmentation Suite in TensorFlow. Implement, train, and test new Semantic Segmentation models easily!
670373064/Smoke-semantic-segmentation
(数据与程序清晰,但是采用的是sklearn写的!)Smoke detection via semantic segmentation using Baseline U-Net model & LinkNet and image augmentation
670373064/SSS
(人的图像分割)Single-human Semantic Segmentation
670373064/TensorFlow-ENet
(街景图像分割,程序完整)TensorFlow implementation of ENet
670373064/Tensorflow_Model_Slim_Classify
(很好的一个资源,里面的代码也很好!),include mobilenet/shufflenet/squeezenet/resnet/inception/vgg/alexnet
670373064/unet
(UNet用于分割生物医学图片)unet for image segmentation
670373064/YOLO_v3
This implementation of YOLO v3 with TensorFlow