Pinned Repositories
100-Days-Of-ML-Code
100 Days of ML Coding
awesome-python-applications
💿 Free software that works great, and also happens to be open-source Python.
caffe-tensorflow
Caffe models in TensorFlow
DataAnalysis
Python数据分析教程的资料
deep-learning-for-image-processing
deep learning for image processing including classification and object-detection etc.
deeplearning-models
A collection of various deep learning architectures, models, and tips
deeplearning_ai_books
deeplearning.ai(吴恩达老师的深度学习课程笔记及资源)
Detectron
FAIR's research platform for object detection research, implementing popular algorithms like Mask R-CNN and RetinaNet.
detectron2
Detectron2 is FAIR's next-generation research platform for object detection and segmentation.
fineturn-alexnet-with-tensorflow
zbqbld's Repositories
zbqbld/100-Days-Of-ML-Code
100 Days of ML Coding
zbqbld/awesome-python-applications
💿 Free software that works great, and also happens to be open-source Python.
zbqbld/caffe-tensorflow
Caffe models in TensorFlow
zbqbld/DataAnalysis
Python数据分析教程的资料
zbqbld/deep-learning-for-image-processing
deep learning for image processing including classification and object-detection etc.
zbqbld/deeplearning-models
A collection of various deep learning architectures, models, and tips
zbqbld/deeplearning_ai_books
deeplearning.ai(吴恩达老师的深度学习课程笔记及资源)
zbqbld/Detectron
FAIR's research platform for object detection research, implementing popular algorithms like Mask R-CNN and RetinaNet.
zbqbld/detectron2
Detectron2 is FAIR's next-generation research platform for object detection and segmentation.
zbqbld/fineturn-alexnet-with-tensorflow
zbqbld/ImageNet
This implements training of popular model architectures, such as AlexNet, ResNet and VGG on the ImageNet dataset(Now we supported alexnet, vgg, resnet, squeezenet, densenet)
zbqbld/machine_learning_LAB2
机器学习课程中的实验二(使用mnist与usps数据集,采用BP神经网络与SVM支持向量机的方式实现手写数字的识别)
zbqbld/practicalAI
📚 A practical approach to machine learning to enable everyone to learn, explore and build.
zbqbld/PSO-CNN
USE PSO algorithm to optimize VGG in CIFAR-10 dataset。
zbqbld/Python
All Algorithms implemented in Python
zbqbld/pytorch-handbook
pytorch handbook是一本开源的书籍,目标是帮助那些希望和使用PyTorch进行深度学习开发和研究的朋友快速入门,其中包含的Pytorch教程全部通过测试保证可以成功运行
zbqbld/PyTorch-Tutorial
Build your neural network easy and fast
zbqbld/pytorch_alexnet
zbqbld/pytorch_alexnet-1
zbqbld/pytorch_alexnet-2
zbqbld/Road-Surface-Classification
In emerging countries it’s common to find unpaved roads or roads with no maintenance. Unpaved or damaged roads also impact in higher fuel costs and vehicle maintenance. This kind of analysis can be useful for both road maintenance departments as well as for autonomous vehicle navigation systems to verify potential critical points. The road type and quality classifier was done through a simple Convolutional Neural Network with few steps.
zbqbld/Road-Surface-Type-Classification-1
Road Surface Type Classification Based on Inertial Sensors and Machine Learning: A Comparison Between Classical and Deep Machine Learning Approaches For Multi-Contextual Real-world Scenarios
zbqbld/SVM-Image-Classification
Image Classification with `sklearn.svm`
zbqbld/Tensorflow
B站课程代码
zbqbld/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版入门实例代码,实战教程。
zbqbld/tensorflow-vgg
VGG19 and VGG16 on Tensorflow
zbqbld/tensorflow_alexnet_classify
tensorflow_alexnet_classify (details http://www.cnblogs.com/vipyoumay/p/7686230.html)
zbqbld/TradaBoostWithSklearn
package the TradaBoost with different sklearn learner, better performance on LightGBM
zbqbld/Transfer-Adaboost-
This is my implementation of Wenyuan Dai's Tradaboost algorithm
zbqbld/Yolo_mark
GUI for marking bounded boxes of objects in images for training neural network Yolo v3 and v2