cq70605's Stars
spytensor/prepare_detection_dataset
convert dataset to coco/voc format
rafaelpadilla/Object-Detection-Metrics
Most popular metrics used to evaluate object detection algorithms.
open-mmlab/mmdetection
OpenMMLab Detection Toolbox and Benchmark
yhangf/ML-NOTE
:orange_book:慢慢整理所学的机器学习算法,并根据自己所理解的样子叙述出来。(注重数学推导)
jackfrued/Python-100-Days
Python - 100天从新手到大师
ruotianluo/pytorch-faster-rcnn
pytorch1.0 updated. Support cpu test and demo. (Use detectron2, it's a masterpiece)
chenyuntc/simple-faster-rcnn-pytorch
A simplified implemention of Faster R-CNN that replicate performance from origin paper
hoya012/deep_learning_object_detection
A paper list of object detection using deep learning.
zergtant/pytorch-handbook
pytorch handbook是一本开源的书籍,目标是帮助那些希望和使用PyTorch进行深度学习开发和研究的朋友快速入门,其中包含的Pytorch教程全部通过测试保证可以成功运行
WenfeiGe/xuelang_AI
初赛73/2403,复赛22/2403,所有代码+介绍
jkjung-avt/keras-cats-dogs-tutorial
A practical example of image classifier with Keras 2.x and TensorFlow backend, using the Kaggle Cats vs. Dogs dataset. By taking advantage of Keras' image data augmentation capabilities (and also random cropping), we were able to achieve 99% accuracy on the trained model with only 2,000 images in the training set.
ShawnyXiao/TextClassification-Keras
Text classification models implemented in Keras, including: FastText, TextCNN, TextRNN, TextBiRNN, TextAttBiRNN, HAN, RCNN, RCNNVariant, etc.
stevewyl/keras_text_classification
implement some fancy text classification models by using keras
jasonwei20/eda_nlp
Data augmentation for NLP, presented at EMNLP 2019
norybaby/sentiment_analysis_textcnn
基于tensorflow 实现的用textcnn方法做情感分析的项目,有数据,可以直接跑。
XqFeng-Josie/TextCNN
CNN 实现文本分类
sfzhang15/RefineDet
Single-Shot Refinement Neural Network for Object Detection, CVPR, 2018
JonathanCMitchell/mobilenet_v2_keras
gogozhu/GuangDong_Defect_Detection
This repository maintains some matrial for Tianchi Guangdong aluminum's defect detection competition 2018. Our solutions ranked the 3rd place in the final round.
herbert-chen/tianchi_lvcai
天池竞赛Baseline分享(2018广东工业智造大数据创新大赛——智能算法赛,线上0.921无调参)
scutan90/DeepLearning-500-questions
深度学习500问,以问答形式对常用的概率知识、线性代数、机器学习、深度学习、计算机视觉等热点问题进行阐述,以帮助自己及有需要的读者。 全书分为18个章节,50余万字。由于水平有限,书中不妥之处恳请广大读者批评指正。 未完待续............ 如有意合作,联系scutjy2015@163.com 版权所有,违权必究 Tan 2018.06
hszhao/PSANet
PSANet: Point-wise Spatial Attention Network for Scene Parsing, ECCV2018.
XingangPan/IBN-Net
Instance-Batch Normalization Networks (ECCV2018)
lightfate/XueLang-YOLOhasst
雪浪制造AI挑战赛—视觉计算辅助良品检测 test_a 952 test_b 953
effectivelbc/CV_Match
bobo0810/XueLangTianchi
雪浪制造AI挑战赛—视觉计算辅助良品检测
cq70605/darknet
Convolutional Neural Networks
Root-lee/Put_Flavors_SA
2018 Huawei Software Elite Challenge, using simulated annealing algorithm + first-fit algorithm to find the optimal method for placing virtual machines.