Pinned Repositories
AI
test
caffe
Caffe: a fast open framework for deep learning.
CookBook_and_code
cs231n.github.io
Public facing notes page
CS231nAssignment
Stanford CS231n assignment in 2019 spring
CSDN-CODE
个人CSDN博客 http://blog.csdn.net/dream_an 中涉及的源码
CV_ToolBox
data preprocess for cv, including data aug (general and cutout) for object detection, KITTI, COCO data to VOC
d2l-zh
《动手学深度学习》:面向中文读者、能运行、可讨论。英文版即伯克利“深度学习导论”教材。
darknet
Windows and Linux version of Darknet Yolo v3 & v2 Neural Networks for object detection (Tensor Cores are used)
DataAugmentationForObjectDetection
Data Augmentation For Object Detection
bwbobbr's Repositories
bwbobbr/AI
test
bwbobbr/CS231nAssignment
Stanford CS231n assignment in 2019 spring
bwbobbr/d2l-zh
《动手学深度学习》:面向中文读者、能运行、可讨论。英文版即伯克利“深度学习导论”教材。
bwbobbr/darknet
Windows and Linux version of Darknet Yolo v3 & v2 Neural Networks for object detection (Tensor Cores are used)
bwbobbr/DataAugmentationForObjectDetection
Data Augmentation For Object Detection
bwbobbr/deep-learning-with-python-notebooks
Jupyter notebooks for the code samples of the book "Deep Learning with Python"
bwbobbr/DeepLearning-500-questions
深度学习500问,以问答形式对常用的概率知识、线性代数、机器学习、深度学习、计算机视觉等热点问题进行阐述,以帮助自己及有需要的读者。 全书分为18个章节,50余万字。由于水平有限,书中不妥之处恳请广大读者批评指正。 未完待续............ 如有意合作,联系scutjy2015@163.com 版权所有,违权必究 Tan 2018.06
bwbobbr/deeplearning_ai_books
deeplearning.ai(吴恩达老师的深度学习课程笔记及资源)
bwbobbr/Education
"数智教育"数据可视化创新大赛
bwbobbr/examples
TensorFlow examples
bwbobbr/FefferyViz
这个仓库存放(在模仿中精进数据可视化)系列文章代码及数据附件内容
bwbobbr/ImageProcessing100Wen
「画像処理100本ノック」中文版本!为图像处理初学者设计的 100 个问题。
bwbobbr/keras-yolo3
A Keras implementation of YOLOv3 (Tensorflow backend)
bwbobbr/leeml-notes
李宏毅《机器学习》笔记,在线阅读地址:https://datawhalechina.github.io/leeml-notes
bwbobbr/ncnn
ncnn is a high-performance neural network inference framework optimized for the mobile platform
bwbobbr/OpenCV-Python-Tutorial
OpenCV问答群,QQ群号:187436093
bwbobbr/opencv_exercises
opencv python exercises
bwbobbr/Python
All Algorithms implemented in Python
bwbobbr/python-learning-notes
代码
bwbobbr/PyTorch-YOLOv3
Minimal PyTorch implementation of YOLOv3
bwbobbr/Random-Erasing
Random Erasing Data Augmentation. Experiments on CIFAR10, CIFAR100 and Fashion-MNIST
bwbobbr/Reinforcement-learning-with-tensorflow
Simple Reinforcement learning tutorials
bwbobbr/sklearn-doc-zh
:book: [译] scikit-learn(sklearn) 中文文档
bwbobbr/tensorflow
An Open Source Machine Learning Framework for Everyone
bwbobbr/tensorflow-tutorial
Example TensorFlow codes and Caicloud TensorFlow as a Service dev environment.
bwbobbr/tensorflow-yolov3
🔥 pure tensorflow Implement of YOLOv3 with support to train your own dataset
bwbobbr/tensorflow_practice
tensorflow实战练习,包括强化学习、推荐系统、nlp等
bwbobbr/Tiny-Yolov3-OpenCV-Cpp
Use OpenCV DNN module to load Tiny Yolov3 weights and cfg files for detection.
bwbobbr/tools
ImgEnhance For Obejct Detection tool
bwbobbr/yolov3
YOLOv3 in PyTorch > ONNX > CoreML > iOS