All Projects → PacktPublishing → Hands On Computer Vision With Tensorflow 2

PacktPublishing / Hands On Computer Vision With Tensorflow 2

Licence: mit
Hands-On Computer Vision with TensorFlow 2, published by Packt

Projects that are alternatives of or similar to Hands On Computer Vision With Tensorflow 2

Pytorch Bert Crf Ner
KoBERT와 CRF로 만든 한국어 개체명인식기 (BERT+CRF based Named Entity Recognition model for Korean)
Stars: ✭ 236 (-2.07%)
Mutual labels:  jupyter-notebook
Kaggle airbus ship detection
Kaggle airbus ship detection challenge 21st solution
Stars: ✭ 238 (-1.24%)
Mutual labels:  jupyter-notebook
Malaya
Natural Language Toolkit for bahasa Malaysia, https://malaya.readthedocs.io/
Stars: ✭ 239 (-0.83%)
Mutual labels:  jupyter-notebook
Bayesian Neural Network Mnist
Bayesian neural network using Pyro and PyTorch on MNIST dataset
Stars: ✭ 238 (-1.24%)
Mutual labels:  jupyter-notebook
End2end All Conv
Deep Learning to Improve Breast Cancer Detection on Screening Mammography
Stars: ✭ 236 (-2.07%)
Mutual labels:  jupyter-notebook
Iclr2021 Openreviewdata
Crawl & visualize ICLR papers and reviews.
Stars: ✭ 238 (-1.24%)
Mutual labels:  jupyter-notebook
Covid Chestxray Dataset
We are building an open database of COVID-19 cases with chest X-ray or CT images.
Stars: ✭ 2,759 (+1044.81%)
Mutual labels:  jupyter-notebook
Tacotron2
Tacotron 2 - PyTorch implementation with faster-than-realtime inference
Stars: ✭ 3,300 (+1269.29%)
Mutual labels:  jupyter-notebook
Ida ipython
An IDA Pro Plugin for embedding an IPython Kernel
Stars: ✭ 238 (-1.24%)
Mutual labels:  jupyter-notebook
Deepreplay
Deep Replay - Generate visualizations as in my "Hyper-parameters in Action!" series!
Stars: ✭ 240 (-0.41%)
Mutual labels:  jupyter-notebook
Learningdl
三个月教你从零入门深度学习Tensorflow版配套代码
Stars: ✭ 238 (-1.24%)
Mutual labels:  jupyter-notebook
R C3d
code for R-C3D
Stars: ✭ 238 (-1.24%)
Mutual labels:  jupyter-notebook
Skills
个人的技能树仓库,主要包含个人机器学习以及深度学习的笔记
Stars: ✭ 240 (-0.41%)
Mutual labels:  jupyter-notebook
Enet Real Time Semantic Segmentation
ENet - A Neural Net Architecture for real time Semantic Segmentation
Stars: ✭ 238 (-1.24%)
Mutual labels:  jupyter-notebook
Text Classification
Machine Learning and NLP: Text Classification using python, scikit-learn and NLTK
Stars: ✭ 239 (-0.83%)
Mutual labels:  jupyter-notebook
Learndatascience
Open Content for self-directed learning in data science
Stars: ✭ 2,688 (+1015.35%)
Mutual labels:  jupyter-notebook
Aravec
AraVec is a pre-trained distributed word representation (word embedding) open source project which aims to provide the Arabic NLP research community with free to use and powerful word embedding models.
Stars: ✭ 239 (-0.83%)
Mutual labels:  jupyter-notebook
Pytorch Sentiment Analysis
Tutorials on getting started with PyTorch and TorchText for sentiment analysis.
Stars: ✭ 3,209 (+1231.54%)
Mutual labels:  jupyter-notebook
Stat Nlp Book
Interactive Lecture Notes, Slides and Exercises for Statistical NLP
Stars: ✭ 240 (-0.41%)
Mutual labels:  jupyter-notebook
Datascience
Data Science in Julia course for JuliaAcademy.com, taught by Huda Nassar
Stars: ✭ 239 (-0.83%)
Mutual labels:  jupyter-notebook

$5 Tech Unlocked 2021!

Buy and download this Book for only $5 on PacktPub.com

If you have read this book, please leave a review on Amazon.com. Potential readers can then use your unbiased opinion to help them make purchase decisions. Thank you. The $5 campaign runs from December 15th 2020 to January 13th 2021.

Hands-On Computer Vision with TensorFlow 2

Hands-On Computer Vision with TensorFlow 2

Leverage deep learning to create powerful image processing apps with TensorFlow 2.0 and Keras

This is the code repository for Hands-On Computer Vision with TensorFlow 2 by Benjamin Planche and Eliot Andres, published by Packt.

This book is a practical guide to building high performance systems for object detection, segmentation, video processing, smartphone applications, and more. It is based on TensorFlow 2, the new version of Google's open-source library for machine learning.

This repository offers several notebooks to illustrate each of the chapters, as well as the complete sources for the advanced projects presented in the book. Note that this repository is meant to complement the book. Therefore, we suggest to check out its content for more detailed explanations and advanced tips.

🔎 What is this book about?

Computer vision solutions are becoming increasingly common, making their way in fields such as health, automobile, social media, and robotics. This book will help you explore TensorFlow 2, the brand new version of Google's open source framework for machine learning. You will understand how to benefit from using convolutional neural networks (CNNs) for visual tasks.

Hands-On Computer Vision with TensorFlow 2 starts with the fundamentals of computer vision and deep learning, teaching you how to build a neural network from scratch. You will discover the features that have made TensorFlow the most widely used AI library, along with its intuitive Keras interface, and move on to building, training, and deploying CNNs efficiently. Complete with concrete code examples, the book demonstrates how to classify images with modern solutions, such as Inception and ResNet, and extract specific content using You Only Look Once (YOLO), Mask R-CNN, and U-Net. You will also build Generative Adversarial Networks (GANs) and Variational Auto-Encoders (VAEs) to create and edit images, and LSTMs to analyze videos. In the process, you will acquire advanced insights into transfer learning, data augmentation, domain adaptation, and mobile and web deployment, among other key concepts. By the end of the book, you will have both the theoretical understanding and practical skills to solve advanced computer vision problems with TensorFlow 2.0.

This book covers the following exciting features:

  • Create your own neural networks from scratch
  • Classify images with modern architectures including Inception and ResNet
  • Detect and segment objects in images with YOLO, Mask R-CNN, and U-Net
  • Tackle problems in developing self-driving cars and facial emotion recognition systems
  • Boost your application’s performance with transfer learning, GANs, and domain adaptation
  • Use recurrent neural networks for video analysis
  • Optimize and deploy your networks on mobile devices and in the browser

If you feel this book is for you, get your copy today!

https://www.packtpub.com/

🔧 Instructions and Navigation

If you’re new to deep learning and have some background in Python programming and image processing, like reading/writing image files and editing pixels, this book is for you. Even if you’re an expert curious about the new TensorFlow 2 features, you’ll find this book useful. While some theoretical explanations require knowledge in algebra and calculus, the book covers concrete examples for learners focused on practical applications such as visual recognition for self-driving cars and smartphone apps.

The code is in the form of Jupyter notebooks. Unless specified otherwise, it is running using Python 3.5 (or higher) and TensorFlow 2.0. Installation instructions are presented in the book (we recommend Anaconda to manage the dependencies like numpy, matplotlib, etc.).

As described in the following subsections, the provided Jupyter notebooks can either be studied directly or can be used as code recipes to run and reproduce the experiments presented in the book.

We also provide a PDF file that has color images of the screenshots/diagrams used in this book. Click here to download it.

Study the Jupyter notebooks online

If you simply want to go through the provided code and results, you can directly access them online in the book's GitHub repository. Indeed, GitHub is able to render Jupyter notebooks and to display them as static web pages. However, the GitHub viewer ignores some style formatting and interactive content. For the best online viewing experience, we recommend using instead Jupyter nbviewer (https://nbviewer.jupyter.org), an official web platform you can use to read Jupyter notebooks uploaded online. This website can be queried to render notebooks stored in GitHub repositories. Therefore, the Jupyter notebooks provided can also be read at the following address: https://nbviewer.jupyter.org/github/PacktPublishing/Hands-On-Computer-Vision-with-TensorFlow-2.

Run the Jupyter notebooks on your machine

To read or run these documents on your machine, you should first install Jupyter Notebook. For those who already use Anaconda (https://www.anaconda.com) to manage and deploy their Python environments (as we will recommend in this book), Jupyter Notebook should be directly available (as it is installed with Anaconda). For those using other Python distributions and those not familiar with Jupyter Notebook, we recommend having a look at the documentation, which provides installation instructions and tutorials (https://jupyter.org/documentation).

Once Jupyter Notebook is installed on your machine, navigate to the directory containing the book's code files, open a terminal, and execute the following command:

$ jupyter notebook

The web interface should open in your default browser. From there, you should be able to navigate the directory and open the Jupyter notebooks provided, either to read, execute, or edit them.

Some documents contain advanced experiments that can be extremely compute-intensive (such as the training of recognition algorithms over large datasets). Without the proper acceleration hardware (that is, without compatible NVIDIA GPUs, as explained in Chapter 2, TensorFlow Basics and Training a Model), these scripts can take hours or even days (even with compatible GPUs, the most advanced examples can take quite some time).

Run the Jupyter notebooks in Google Colab

For those who wish to run the Jupyter notebooks themselves—or play with new experiments—but do not have access to a powerful enough machine, we recommend using Google Colab, also named Colaboratory (https://colab.research.google.com). It is a cloud-based Jupyter environment, provided by Google, for people to run compute-intensive scripts on powerful machines.

Software and Hardware List

With the following software and hardware list you can run all code files present in the book (Chapter 1-9).

Chapter Software required OS required
1-9 Jupyter Notebook Windows, Mac OS X, and Linux (Any)
1-9 Python 3.5 and above, NumPy, Matplotlib, Anaconda (Optional) Windows, Mac OS X, and Linux (Any)
2-9 TensorFlow, tensorflow-gpu Windows, Mac OS X, and Linux (Any)
3 Scikit-Image Windows, Mac OS X, and Linux (Any)
4 TensorFlow Hub Windows, Mac OS X, and Linux (Any)
6 pydensecrf library Windows, Mac OS X, and Linux (Any)
7 Vispy, Plyfile Windows, Mac OS X, and Linux (Any)
8 opencv-python, tqdm, scikit-learn Windows, Mac OS X, and Linux (Any)
9 Android Studio, Cocoa Pods, Yarn Windows, Mac OS X, and Linux (Any)

📚 Table of Content

👥 Get to Know the Authors

Benjamin Planche is a passionate PhD student at the University of Passau and Siemens Corporate Technology. He has been working in various research labs around the world (LIRIS in France, Mitsubishi Electric in Japan, and Siemens in Germany) in the fields of computer vision and deep learning for more than five years. Benjamin has a double master's degree with first-class honors from INSA-Lyon, France, and the University of Passau, Germany. His research efforts are focused on developing smarter visual systems with less data, targeting industrial applications. Benjamin also shares his knowledge and experience on online platforms, such as StackOverflow, or applies this knowledge to the creation of aesthetic demos.

Eliot Andres is a freelance deep learning and computer vision engineer. He has more than 3 years' experience in the field, applying his skills to a variety of industries, such as banking, health, social media, and video streaming. Eliot has a double master's degree from École des Ponts and Télécom, Paris. His focus is industrialization: delivering value by applying new technologies to business problems. Eliot keeps his knowledge up to date by publishing articles on his blog and by building prototypes using the latest technologies.

📜 Referencing

If you use the code samples in your study/work or want to cite the book, please use:

@book{Andres_Planche_HandsOnCVWithTF2,
 author = {Planche, Benjamin and Andres, Eliot},
 title = {Hands-On Computer Vision with TensorFlow 2},
 year = {2019},
 isbn = {978-1788830645},
 publisher = {Packt Publishing Ltd},
}
Other Formats: (Click to View)
MLA Planche, Benjamin and Andres, Eliot. Hands-On Computer Vision with TensorFlow 2. Packt Publishing Ltd, 2019.
APA Planche B., & Andres, E. (2019). Hands-On Computer Vision with TensorFlow 2. Packt Publishing Ltd.
Chicago Planche, Benjamin, and Andres, Eliot. Hands-On Computer Vision with TensorFlow 2. Packt Publishing Ltd, 2019.
Harvard Planche B. and Andres, E., 2019. Hands-On Computer Vision with TensorFlow 2. Packt Publishing Ltd.
Vancouver Planche B, Andres E. Hands-On Computer Vision with TensorFlow 2. Packt Publishing Ltd; 2019.

EndNote RefMan RefWorks

Errata

  • Page 18: stand of the heart should be state-of-the-art
  • Page 24: graphical processing unit should be graphics processing unit
  • Page 55: before hand should be beforehand
  • Page 76: indiacting should be indicating
  • Page 90: depth dimensions into a single vector should be depth dimensions into a single dimension
  • Page 178: bceause should be because
  • Page 183: smaller than the input and target latent spaces should be smaller than the input and target spaces
  • Page 214: cannot only should be can not only
  • Page 254: Jupyter Notebooks should be Jupyter notebooks

Related products

Suggestions and Feedback

Click here if you have any feedback or suggestions.

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].