📚
DLIP
  • Introduction
  • Prerequisite
  • Image Processing Basics
    • Notes
      • Thresholding
      • Spatial Filtering
      • Masking with Bitwise Operation
      • Model n Calibration
    • Tutorial
      • Tutorial: Install OpenCV C++
      • Tutorial: Create OpenCV Project
      • Tutorial: C++ basics
      • Tutorial: OpenCV Basics
      • Tutorial: Image Watch for Debugging
      • Tutorial: Spatial Filter
      • Tutorial: Thresholding and Morphology
      • Tutorial: Camera Calibration
      • Tutorial: Color Image Processing
      • Tutorial: Edge Line Circle Detection
      • Tutorial: Corner Detection and Optical Flow
      • Tutorial: OpenCV C++ Cheatsheet
      • Tutorial: Installation for Py OpenCV
      • Tutorial: OpenCv (Python) Basics
    • LAB
      • Lab Report Template
      • Lab Report Grading Criteria
      • LAB Report Instruction
      • LAB: Grayscale Image Segmentation
        • LAB: Grayscale Image Segmentation -Gear
        • LAB: Grayscale Image Segmentation - Bolt and Nut
      • LAB: Color Image Segmentation
        • LAB: Facial Temperature Measurement with IR images
        • LAB: Magic Cloak
      • LAB: Straight Lane Detection and Departure Warning
      • LAB: Dimension Measurement with 2D camera
      • LAB: Tension Detection of Rolling Metal Sheet
  • Deep Learning for Perception
    • Notes
      • Lane Detection with Deep Learning
      • Overview of Deep Learning
        • Object Detection
        • Deep Learning Basics: Introduction
        • Deep Learning State of the Art
        • CNN, Object Detection
      • Perceptron
      • Activation Function
      • Optimization
      • Convolution
      • CNN Overview
      • Evaluation Metric
      • LossFunction Regularization
      • Bias vs Variance
      • BottleNeck Unit
      • Object Detection
      • DL Techniques
        • Technical Strategy by A.Ng
    • Tutorial - PyTorch
      • Tutorial: Install PyTorch
      • Tutorial: Python Numpy
      • Tutorial: PyTorch Tutorial List
      • Tutorial: PyTorch Example Code
      • Tutorial: Tensorboard in Pytorch
      • Tutorial: YOLO in PyTorch
        • Tutorial: Yolov8 in PyTorch
        • Tutorial: Train Yolo v8 with custom dataset
          • Tutorial: Train Yolo v5 with custom dataset
        • Tutorial: Yolov5 in Pytorch (VS code)
        • Tutorial: Yolov3 in Keras
    • LAB
      • Assignment: CNN Classification
      • Assignment: Object Detection
      • LAB: CNN Object Detection 1
      • LAB: CNN Object Detection 2
      • LAB Grading Criteria
    • Tutorial- Keras
      • Train Dataset
      • Train custom dataset
      • Test model
      • LeNet-5 Tutorial
      • AlexNet Tutorial
      • VGG Tutorial
      • ResNet Tutorial
    • Resource
      • Online Lecture
      • Programming tutorial
      • Books
      • Hardware
      • Dataset
      • Useful sites
  • Must Read Papers
    • AlexNet
    • VGG
    • ResNet
    • R-CNN, Fast-RCNN, Faster-RCNN
    • YOLOv1-3
    • Inception
    • MobileNet
    • SSD
    • ShuffleNet
    • Recent Methods
  • DLIP Project
    • Report Template
    • DLIP 2021 Projects
      • Digital Door Lock Control with Face Recognition
      • People Counting with YOLOv4 and DeepSORT
      • Eye Blinking Detection Alarm
      • Helmet-Detection Using YOLO-V5
      • Mask Detection using YOLOv5
      • Parking Space Management
      • Vehicle, Pedestrian Detection with IR Image
      • Drum Playing Detection
      • Turtle neck measurement program using OpenPose
    • DLIP 2022 Projects
      • BakeryCashier
      • Virtual Mouse
      • Sudoku Program with Hand gesture
      • Exercise Posture Assistance System
      • People Counting Embedded System
      • Turtle neck measurement program using OpenPose
    • DLIP Past Projects
  • Installation Guide
    • Installation Guide for Pytorch
      • Installation Guide 2021
    • Anaconda
    • CUDA cuDNN
      • CUDA 10.2
    • OpenCV
      • OpenCV Install and Setup
        • OpenCV 3.4.13 with VS2019
        • OpenCV3.4.7 VS2017
        • MacOS OpenCV C++ in XCode
      • Python OpenCV
      • MATLAB-OpenCV
    • Framework
      • Keras
      • TensorFlow
        • Cheat Sheet
        • Tutorial
      • PyTorch
    • IDE
      • Visual Studio Community
      • Google Codelab
      • Visual Studio Code
        • Python with VS Code
        • Notebook with VS Code
        • C++ with VS Code
      • Jupyter Notebook
        • Install
        • How to use
    • Ubuntu
      • Ubuntu 18.04 Installation
      • Ubuntu Installation using Docker in Win10
      • Ubuntu Troubleshooting
    • ROS
  • Programming
    • Python_Numpy
      • Python Tutorial - Tips
      • Python Tutorial - For Loop
      • Python Tutorial - List Tuple, Dic, Set
    • Markdown
      • Example: API documentation
    • Github
      • Create account
      • Tutorial: Github basic
      • Tutorial: Github Desktop
    • Keras
      • Tutorial Keras
      • Cheat Sheet
    • PyTorch
      • Cheat Sheet
      • Autograd in PyTorch
      • Simple ConvNet
      • MNIST using LeNet
      • Train ConvNet using CIFAR10
  • Resources
    • Useful Resources
    • Github
Powered by GitBook
On this page
  • Programming Tutorial:
  • Python
  • Scipy and numpy
  • PyTorch
  • Tensorflow
  • Math
  • Probability
  • Linear algebra

Was this helpful?

  1. Deep Learning for Perception

Resource

PreviousResNet TutorialNextOnline Lecture

Last updated 2 months ago

Was this helpful?

Programming Tutorial:

Python

Recommended

(nbviewer.jupyter.org)

(Stanford CS231n)

Others

(brief course for 30 min)

(highly recommended for visual learners)

(github.com/josephmisiti)

(kdnuggets.com)

(nbviewer.jupyter.org)

(tutorialspoint.com)

Scipy and numpy

Recommended

Others

PyTorch

Recommended

Others

Tensorflow

Recommended

Others

Math

Probability

Linear algebra

(Stanford CS231n)

(scipy-lectures.org)

(Stanford CS231n)

(UCSB CHE210D)

(nbviewer.jupyter.org)

(pytorch.org)

(gaurav.im)

(iamtrask.github.io)

(github.com/jcjohnson)

(github.com/MorvanZhou)

(github.com/yunjey)

(google.com)

(tensorflow.org)

(medium.com/@erikhallstrm)

(metaflow.fr)

(wildml.com)

(wildml.com)

(surmenok.com)

(ucsc.edu)

(UMIACS CMSC422)

(betterexplained.com)

(Stanford CS229)

(Stanford CS229)

(U. of Buffalo CSE574)

(U. of Toronto CSC411)

(betterexplained.com)

(betterexplained.com)

(betterexplained.com)

(betterexplained.com)

(U. of Buffalo CSE574)

(medium.com)

(Stanford CS229)

Over 200 of the Best Machine Learning, NLP, and Python Tutorials
A Crash Course in Python for Scientists
Python Numpy Tutorial
Learn X in Y Minutes (X = Python)
Google Developers Python Course
Awesome Machine Learning
7 Steps to Mastering Machine Learning With Python
An example machine learning notebook
Machine Learning with Python
Python Numpy Tutorial
Scipy Lecture Notes
Python Numpy Tutorial
An introduction to Numpy and Scipy
A Crash Course in Python for Scientists
PyTorch Tutorials
A Gentle Intro to PyTorch
Tutorial: Deep Learning in PyTorch
PyTorch Examples
PyTorch Tutorial
PyTorch Tutorial for Deep Learning Researchers
Machine Learning Crash Course
Tensorflow Tutorials
Introduction to TensorFlow — CPU vs GPU
TensorFlow: A primer
RNNs in Tensorflow
Implementing a CNN for Text Classification in TensorFlow
How to Run Text Summarization with TensorFlow
Tutorial of Tensorflow with Youtube
Math for Machine Learning
Math for Machine Learning
Understanding Bayes Theorem With Ratios
Review of Probability Theory
Probability Theory Review for Machine Learning
Probability Theory
Probability Theory for Machine Learning
An Intuitive Guide to Linear Algebra
A Programmer’s Intuition for Matrix Multiplication
Understanding the Cross Product
Understanding the Dot Product
Linear Algebra for Machine Learning
Linear algebra cheat sheet for deep learning
Linear Algebra Review and Reference