- Going deep into image classification – Towards Data Science
- GitHub新項目:輕鬆使用多種預訓練卷積網絡抽取圖像特徵 | 機器之心
- An Overview of ResNet and its Variants – Towards Data Science
- 覽輕量化卷積神經網絡:SqueezeNet、MobileNet、ShuffleNet、Xception | 機器之心
- Google Landmark Retrieval Challenge | Kaggle
- ML Practicum: Image Classification | Machine Learning Practica | Google Developers
- Reinventing the Wheel of Semantic Segmentation: – 100 Shades of Machine Learning – Medium
- albu/albumentations: fast image augmentation library and easy to use wrapper around other libraries
- Classification datasets results
- Object detection: an overview in the age of Deep Learning
- Is Google Tensorflow Object Detection API the easiest way to implement image recognition?
- How to train your own Object Detector with TensorFlow’s Object Detector API
- 深度学习目标检测模型全面综述:Faster R-CNN、R-FCN和SSD
- Deep Learning for Object Detection: A Comprehensive Review
- Going beyond the bounding box with semantic segmentation
A tricked found by Jeremy to avoid overfitting is to train a network with small images for few epochs and then train it using larger images. It is only applicable to architectures that can take arbitrary image sizes and thus not applicable to VGG.
If a smaller batch size is used, the gradient is calculated using less number of images so it is less accurate as it is more volatile. You can try to re-run the learning rate finder to see if the best learning rate changed but it shouldn't make a huge difference as the learning rate differ exponentially. (per Jeremy)
- Taskonomy | Stanford
- An overview of semantic image segmentation.
- DIY Deep Learning Projects – Towards Data Science
- Spotting Image Manipulation with AI | Adobe Blog
- How to build a custom face recognition dataset - PyImageSearch
- 如何妙笔勾檀妆:像素级语义理解
- CVPR 2018 Best Paper Taskonomy 作者解读
- Measuring size of objects in an image with OpenCV - PyImageSearch
- 攜程李翔:深度學習在酒店圖像智能化上的一系列應用 | 雷鋒網
- facebookresearch/video-nonlocal-net: Non-local Neural Networks for Video Classification
- vipstone/faceai: 一款入門級的人臉、視頻、文字檢測以及識別的項目.
- 圖像分類比賽中,你可以用如下方案舉一反三 | 雷鋒網
- Unsupervised Deep Learning Algorithms for Computer Vision
- How I built a Self Flying Drone to track People in under 50 lines of code
- What Image Classifiers Can Do About Unknown Objects « Pete Warden's blog
- CMU-Perceptual-Computing-Lab/openpose: OpenPose: Real-time multi-person keypoint detection library for body, face, and hands estimation
- Drones taught to spot violent behavior in crowds using AI - The Verge
- This Japanese AI security camera shows the future of surveillance will be automated - The Verge
- What are radiological deep learning models actually learning?
- Building powerful image classification models using very little data
- An Intriguing Failing of Convolutional Neural Networks and the CoordConv Solution
- Attention on Pretrained-VGG16 for Bone Age | Kaggle
- Meet RoboSat 🤖 🛰 – Points of interest
- One-shot object detection
- NVIDIA's Noise2Noise Technique Helps you Fix Bad Images in Milliseconds
- 'AI Guardman' - A Machine Learning Application that uses Pose Estimation to Detect Shoplifters
- Training a Machine to Watch Soccer | Caltech
- Multi-label classification with Keras - PyImageSearch
- ageitgey/face_recognition: The world's simplest facial recognition api for Python and the command line
- How to handle mistakes while using AI to block attacks
- Build your own Computer Vision Model with the Latest TensorFlow Object Detection API Update
- A new hope: AI for news media | TechCrunch
- With AI, Your Apple Watch Could Flag Signs of Diabetes | WIRED
- Cryptocurrencies leveraging Natural Language Processing for profit
- Automatic tagging of clothing in E-Commerce, Using Tensorflow and GCP.
- Feature-wise transformations
- Building a Mask R-CNN Model for Detecting Car Damage (Python codes)
- Swimming pool detection and classification using deep learning
- image_captioning_with_attention.ipynb - Colaboratory
- mrecos/signboardr: Extract text from sign board and tag as metadata
- Cutting-Edge Face Recognition is Complicated. These Spreadsheets Make it Easier.
- mrecos/signboardr: Extract text from sign board and tag as metadata
- mapbox/robosat: Semantic segmentation on aerial and satellite imagery. Extracts features such as: buildings, parking lots, roads, water
- Detecting image similarity using Spark, LSH and TensorFlow
- Tutorial: Alphabet Recognition In Real Time — A Deep Learning and OpenCV Application
- Building an image search service from scratch – Insight Data
- Kaggle #1 Winning Approach for Image Classification Challenge
- Using Deep Learning to improve FIFA 18 graphics – Towards Data Science
- Top 10 Pretrained Models to get you Started with Deep Learning (Part 1 - Computer Vision)
- Image Completion with Deep Learning in TensorFlow
- 10 Advanced Deep Learning Architectures Data Scientists Should Know!
- Understanding Feature Pyramid Networks for object detection (FPN)
- Multi-label classification with Keras - PyImageSearch
- 基于内容的图像检索技术综述 传统经典方法