Pinned Repositories
-Learning-materials-
各种学习资料,包括一些百度云视频链接还有pdf资料 --搬运工
3DFasterRCNN_LungNoduleDetector
AI_Challenger_2018
AI Challenger, a platform for open datasets and programming competitions to artificial intelligence (AI) talents around the world. https://challenger.ai/
algorithms
This repository is for learning and understanding how algorithms work.
ansible
各种电子书收藏,有需要的请下载~
crawler_example
抓财经快讯
english_chinese_machine_translation_baseline
tensor2tensor usage
oqmrc2018
观点型问题阅读理解 challenger.ai
stock_financial
tf_serving_flask_app
Creation of REST API for TensorFlow models hosted by TensorFlow Serving
dreamnotover's Repositories
dreamnotover/learnopencv
Learn OpenCV : C++ and Python Examples
dreamnotover/google-images-download
Python Script to download hundreds of images from 'Google Images'. It is a ready-to-run code!
dreamnotover/english_chinese_machine_translation_baseline
tensor2tensor usage
dreamnotover/Image_Segmentation
pytorch Implementation of U-Net, R2U-Net, Attention U-Net, Attention R2U-Net.
dreamnotover/playing-card-detection
dreamnotover/yolo-on-colab-notebook
How to train YOLOv3 using Darknet on Colab 12GB-RAM GPU notebook and optimize the VM runtime load times
dreamnotover/automatic-helmet-detection
Video Analysis using Machine Learning
dreamnotover/Yolo-Training-GoogleColab
Helmet Detection using tiny-yolo-v3 by training using your own dataset and testing the results in the google colaboratory.
dreamnotover/tensorflow-windows-build-script
A script to automate building Tensorflow on Windows and solve some problems.
dreamnotover/deep-learning-with-python-notebooks
Jupyter notebooks for the code samples of the book "Deep Learning with Python"
dreamnotover/ansible-spark-cluster
Ansible roles to install an Spark Standalone cluster (HDFS/Spark/Jupyter Notebook) or Ambari based Spark cluster
dreamnotover/maskrcnn_train_tensorflow_colab
Google Colab (Jupyter) notebook to train Instance Segmentation Tensorflow model with custom dataset, based on Matterport Mask R-CNN
dreamnotover/Deep-Learning-with-GoogleColab
Develop Deep Learning Applications with Google Colaboratory - on the free Tesla K80 GPU - using Keras, Tensorflow and PyTorch.
dreamnotover/helmet-detection
Helmet Detection on Construction Sites
dreamnotover/yolo3_pytorch
Yolo3 Implementation in Pytorch using COCO and BDD100K dataset. Forked from https://github.com/BobLiu20/YOLOv3_PyTorch.git. For my own fun, so the introduction is not accurate.
dreamnotover/UNet-Segmentation-in-Keras-TensorFlow
Unet Segmentation
dreamnotover/flask_model_deployment
This is the official repo for the Heartbeat article, "The brilliant beginner's guide to model deployment: a clear and simple roadmap for getting your machine learning model out there and doing something cool"
dreamnotover/drone-net
2664 images of drones, labeled, with trained YOLO weights.
dreamnotover/Faster_RCNN_for_Open_Images_Dataset_Keras
Faster R-CNN for Open Images Dataset by Keras
dreamnotover/Pneumonia-Diagnosis-using-XRays-96-percent-Recall
BEST SCORE ON KAGGLE SO FAR , EVEN BETTER THAN THE KAGGLE TEAM MEMBER WHO DID BEST SO FAR. The project is about diagnosing pneumonia from XRay images of lungs of a person using self laid convolutional neural network and tranfer learning via inceptionV3. The images were of size greater than 1000 pixels per dimension and the total dataset was tagged large and had a space of 1GB+ . My work includes self laid neural network which was repeatedly tuned for one of the best hyperparameters and used variety of utility function of keras like callbacks for learning rate and checkpointing. Could have augmented the image data for even better modelling but was short of RAM on kaggle kernel. Other metrics like precision , recall and f1 score using confusion matrix were taken off special care. The other part included a brief introduction of transfer learning via InceptionV3 and was tuned entirely rather than partially after loading the inceptionv3 weights for the maximum achieved accuracy on kaggle till date. This achieved even a higher precision than before.
dreamnotover/Train-Object-Detection-Classifier
How To Train an Object Detection Classifier for Multiple Objects Using TensorFlow (GPU) on Windows 10
dreamnotover/devicehive-video-analysis
dreamnotover/raccoon_dataset
The dataset is used to train my own raccoon detector and I blogged about it on Medium
dreamnotover/d2l-zh
《动手学深度学习》,英文版即伯克利深度学习(STAT 157,2019春)教材。面向中文读者、能运行、可讨论。
dreamnotover/keras-yolo3-detection
YOLO v3 物体检测算法
dreamnotover/automation
dreamnotover/xgboost
Scalable, Portable and Distributed Gradient Boosting (GBDT, GBRT or GBM) Library, for Python, R, Java, Scala, C++ and more. Runs on single machine, Hadoop, Spark, Flink and DataFlow
dreamnotover/algorithms
This repository is for learning and understanding how algorithms work.
dreamnotover/YOLO_V3_from_scratch_colab
Implementing YOLOV3 on google colab
dreamnotover/YOLOv3-GoogleColab
A walk through the code behind setting up YOLOv3 with darknet and training it and processing video on Google Colaboratory