万本电子书0元读

万本电子书0元读

顶部广告

Practical Computer Vision电子书

售       价:¥

5人正在读 | 0人评论 9.8

作       者:Abhinav Dadhich

出  版  社:Packt Publishing

出版时间:2018-02-05

字       数:23.1万

所属分类: 进口书 > 外文原版书 > 电脑/网络

温馨提示:数字商品不支持退换货,不提供源文件,不支持导出打印

为你推荐

  • 读书简介
  • 目录
  • 累计评论(0条)
  • 读书简介
  • 目录
  • 累计评论(0条)
A practical guide designed to get you from basics to current state of art in computer vision systems. About This Book ? Master the different tasks associated with Computer Vision and develop your own Computer Vision applications with ease ? Leverage the power of Python, Tensorflow, Keras, and OpenCV to perform image processing, object detection, feature detection and more ? With real-world datasets and fully functional code, this book is your one-stop guide to understanding Computer Vision Who This Book Is For This book is for machine learning practitioners and deep learning enthusiasts who want to understand and implement various tasks associated with Computer Vision and image processing in the most practical manner possible. Some programming experience would be beneficial while knowing Python would be an added bonus. What You Will Learn ? Learn the basics of image manipulation with OpenCV ? Implement and visualize image filters such as smoothing, dilation, histogram equalization, and more ? Set up various libraries and platforms, such as OpenCV, Keras, and Tensorflow, in order to start using computer vision, along with appropriate datasets for each chapter, such as MSCOCO, MOT, and Fashion-MNIST ? Understand image transformation and downsampling with practical implementations. ? Explore neural networks for computer vision and convolutional neural networks using Keras ? Understand working on deep-learning-based object detection such as Faster-R-CNN, SSD, and more ? Explore deep-learning-based object tracking in action ? Understand Visual SLAM techniques such as ORB-SLAM In Detail In this book, you will find several recently proposed methods in various domains of computer vision. You will start by setting up the proper Python environment to work on practical applications. This includes setting up libraries such as OpenCV, TensorFlow, and Keras using Anaconda. Using these libraries, you'll start to understand the concepts of image transformation and filtering. You will find a detailed explanation of feature detectors such as FAST and ORB; you'll use them to find similar-looking objects. With an introduction to convolutional neural nets, you will learn how to build a deep neural net using Keras and how to use it to classify the Fashion-MNIST dataset. With regard to object detection, you will learn the implementation of a simple face detector as well as the workings of complex deep-learning-based object detectors such as Faster R-CNN and SSD using TensorFlow. You'll get started with semantic segmentation using FCN models and track objects with Deep SORT. Not only this, you will also use Visual SLAM techniques such as ORB-SLAM on a standard dataset. By the end of this book, you will have a firm understanding of the different computer vision techniques and how to apply them in your applications. Style and approach Step-by-step guide filled with real-world, practical examples for understanding and applying various Computer Vision techniques
目录展开

Title Page

Copyright and Credits

Practical Computer Vision

Dedication

Packt Upsell

Why subscribe?

PacktPub.com

Contributors

About the author

About the reviewer

Packt is searching for authors like you

Preface

Who this book is for

What this book covers

To get the most out of this book

Download the example code files

Download the color images

Conventions used

Get in touch

Reviews

A Fast Introduction to Computer Vision

What constitutes computer vision?

Computer vision is everywhere

Getting started

Reading an image

Image color conversions

Computer vision research conferences

Summary

Libraries, Development Platform, and Datasets

Libraries and installation

Installing Anaconda

NumPy

Matplotlib

SciPy

Jupyter notebook

Installing OpenCV

OpenCV Anaconda installation

OpenCV build from source

Opencv FAQs

TensorFlow for deep learning

Keras for deep learning

Datasets

ImageNet

MNIST

CIFAR-10

Pascal VOC

MSCOCO

TUM RGB-D dataset

Summary

References

Image Filtering and Transformations in OpenCV

Datasets and libraries required

Image manipulation

Introduction to filters

Linear filters

2D linear filters

Box filters

Properties of linear filters

Non-linear filters

Smoothing a photo

Histogram equalization

Median filter

Image gradients

Transformation of an image

Translation

Rotation

Affine transform

Image pyramids

Summary

What is a Feature?

Features use cases

Datasets and libraries

Why are features important?

Harris Corner Detection

FAST features

ORB features

FAST feature limitations

BRIEF Descriptors and their limitations

ORB features using OpenCV

The black box feature

Application – find your object in an image

Applications – is it similar?

Summary

References

Convolutional Neural Networks

Datasets and libraries used

Introduction to neural networks

A simple neural network

Revisiting the convolution operation

Convolutional Neural Networks

The convolution layer

The activation layer

The pooling layer

The fully connected layer

Batch Normalization

Dropout

CNN in practice

Fashion-MNIST classifier training code

Analysis of CNNs

Popular CNN architectures

VGGNet

Inception models

ResNet model

Transfer learning

Summary

Feature-Based Object Detection

Introduction to object detection

Challenges in object detection

Dataset and libraries used

Methods for object detection

Deep learning-based object detection

Two-stage detectors

Demo – Faster R-CNN with ResNet-101

One-stage detectors

Demo

Summary

References

Segmentation and Tracking

Datasets and libraries

Segmentation

Challenges in segmentation

CNNs for segmentation

Implementation of FCN

Tracking

Challenges in tracking

Methods for object tracking

MOSSE tracker

Deep SORT

Summary

References

3D Computer Vision

Dataset and libraries

Applications

Image formation

Aligning images

Visual odometry

Visual SLAM

Summary

References

Mathematics for Computer Vision

Datasets and libraries

Linear algebra

Vectors

Addition

Subtraction

Vector multiplication

Vector norm

Orthogonality

Matrices

Operations on matrices

Addition

Subtraction

Matrix multiplication

Matrix properties

Transpose

Identity matrix

Diagonal matrix

Symmetric matrix

Trace of a matrix

Determinant

Norm of a matrix

Getting the inverse of a matrix

Orthogonality

Computing eigen values and eigen vectors

Hessian matrix

Singular Value Decomposition

Introduction to probability theory

What are random variables?

Expectation

Variance

Probability distributions

Bernoulli distribution

Binomial distribution

Poisson distribution

Uniform distribution

Gaussian distribution

Joint distribution

Marginal distribution

Conditional distribution

Bayes theorem

Summary

Machine Learning for Computer Vision

What is machine learning?

Kinds of machine learning techniques

Supervised learning

Classification

Regression

Unsupervised learning

Dimensionality's curse

A rolling-ball view of learning

Useful tools

Preprocessing

Normalization

Noise

Postprocessing

Evaluation

Precision

Recall

F-measure

Summary

Other Books You May Enjoy

Leave a review - let other readers know what you think

累计评论(0条) 0个书友正在讨论这本书 发表评论

发表评论

发表评论,分享你的想法吧!

买过这本书的人还买过

读了这本书的人还在读

回顶部