22 Best 「tensorflow」 Books of 2024| Books Explorer
- Hands-On Machine Learning with Scikit-Learn, Keras, and Tensorflow: Concepts, Tools, and Techniques to Build Intelligent Systems
- Learning TensorFlow
- Machine Learning with TensorFlow
- Natural Language Processing with TensorFlow - Second Edition: The definitive NLP book to implement the most sought-after machine learning models and tasks
- Deep Learning with Python, Second Edition
- First Contact with Tensorflow
- Learning Tensorflow.Js: Powerful Machine Learning in JavaScript
- Deep Learning with PyTorch: Build, train, and tune neural networks using Python tools
- TensorFlow in Action
- Grokking Deep Learning
Through a series of recent breakthroughs, deep learning has boosted the entire field of machine learning. Now, even programmers who know close to nothing about this technology can use simple, efficient tools to implement programs capable of learning from data. This practical book shows you how.By using concrete examples, minimal theory, and two production-ready Python frameworks—Scikit-Learn and Tensor Flow—author Aurélien Géron helps you gain an intuitive understanding of the concepts and tools for building intelligent systems. You’ll learn a range of techniques, starting with simple linear regression and progressing to deep neural networks. With exercises in each chapter to help you apply what you’ve learned, all you need is programming experience to get started. Explore the machine learning landscape, particularly neural nets Use Scikit-Learn to track an example machine-learning project end-to-end Explore several training models, including support vector machines, decision trees, random forests, and ensemble methods Use the Tensor Flow library to build and train neural nets Dive into neural net architectures, including convolutional nets, recurrent nets, and deep reinforcement learning Learn techniques for training and scaling deep neural nets.
Roughly inspired by the human brain, deep neural networks trained with large amounts of data can solve complex tasks with unprecedented accuracy. This practical book provides an end-to-end guide to TensorFlow, the leading open source software library that helps you build and train neural networks for computer vision, natural language processing (NLP), speech recognition, and general predictive analytics.\nAuthors Tom Hope, Yehezkel Resheff, and Itay Lieder provide a hands-on approach to TensorFlow fundamentals for a broad technical audience—from data scientists and engineers to students and researchers. You’ll begin by working through some basic examples in TensorFlow before diving deeper into topics such as neural network architectures, TensorBoard visualization, TensorFlow abstraction libraries, and multithreaded input pipelines. Once you finish this book, you’ll know how to build and deploy production-ready deep learning systems in TensorFlow.\n\nGet up and running with TensorFlow, rapidly and painlessly\nLearn how to use TensorFlow to build deep learning models from the ground up\nTrain popular deep learning models for computer vision and NLP\nUse extensive abstraction libraries to make development easier and faster\nLearn how to scale TensorFlow, and use clusters to distribute model training\nDeploy TensorFlow in a production setting\n
SummaryMachine Learning with TensorFlow gives readers a solid foundation in machine-learning concepts plus hands-on experience coding TensorFlow with Python.Purchase of the print book includes a free eBook in PDF, Kindle, and ePub formats from Manning Publications.About the TechnologyTensorFlow, Google's library for large-scale machine learning, simplifies often-complex computations by representing them as graphs and efficiently mapping parts of the graphs to machines in a cluster or to the processors of a single machine.About the BookMachine Learning with TensorFlow gives readers a solid foundation in machine-learning concepts plus hands-on experience coding TensorFlow with Python. You'll learn the basics by working with classic prediction, classification, and clustering algorithms. Then, you'll move on to the money chapters: exploration of deep-learning concepts like autoencoders, recurrent neural networks, and reinforcement learning. Digest this book and you will be ready to use TensorFlow for machine-learning and deep-learning applications of your own.What's InsideMatching your tasks to the right machine-learning and deep-learning approaches Visualizing algorithms with TensorBoard Understanding and using neural networksAbout the ReaderWritten for developers experienced with Python and algebraic concepts like vectors and matrices.About the AuthorAuthor Nishant Shukla is a computer vision researcher focused on applying machine-learning techniques in robotics.Senior technical editor, Kenneth Fricklas, is a seasoned developer, author, and machine-learning practitioner.Table of ContentsPART 1 - YOUR MACHINE-LEARNING RIG A machine-learning odyssey TensorFlow essentials PART 2 - CORE LEARNING ALGORITHMS Linear regression and beyond A gentle introduction to classification Automatically clustering data Hidden Markov models PART 3 - THE NEURAL NETWORK PARADIGM A peek into autoencoders Reinforcement learning Convolutional neural networks Recurrent neural networks Sequence-to-sequence models for chatbots Utility landscape
Review\\n"Having worked on Natural Language Processing (NLP) for several decades, I can certify that this book will not only get you started in NLP, but take you to the state of art models such as Transformers for NLP and image captioning. The author does a great job with the open source programs using a wide range of frameworks including Hugging Face. This book will take you on an exciting journey into NLP."\n-- Denis Rothman, Author of the bestselling book Transformers for Natural Language Processing\n"This book addresses the important need of describing how Natural Language Processing (NLP) problems can be solved using TensorFlow-based NLP stacks. This book provides detailed knowledge of NLP methods, from their definition to various evaluation methods. There is information about TensorFlow, Keras, and Hugging Face libraries, which are powerful tools to build such NLP solutions. You'll learn about neural architectures, which is important for building better models by building architectures for specific tasks you will meet in practice."\n-- Andrei Lopatenko, VP Engineering, Head of Search & NLP, Zillow\n"This book will be useful for a range of different NLP practitioners as it covers both foundational topics, such as word embeddings, and more advanced deep learning techniques, such as RNNs and Transformers. Every technique is applied to a real problem, which is a great way to show the potential uses of the technology. All the content is well explained using the latest version of TensorFlow, which makes this an ideal choice for those looking to learn how to use the framework. The writing is clear and easy to follow, and the book provides ample background for each new topic. This is a must-have for any NLP enthusiast!"\n-- Rafael Pôssas, Applied Scientist, Amazon\n"The book is well organized and easy to follow. For beginners, it is very useful because it follows a logical and coherent order for NLP: TF basics -> distributed representations -> simple models -> complex models. The code is mostly self-contained and easy to follow, and the diagrams + visualizations will help beginners understand core NLP concepts. For more advanced users looking to switch from PyTorch or other tools, it is easy to skip to more advanced chapters to look at implementation patterns for common tasks (embeddings, residuals, tokenizing, preprocessing, multi-modal usage, among others)." --\nRevanth Rameshkumar, Machine Learning Engineer, Stripe\\nFrom introductory NLP tasks to Transformer models, this new edition teaches you to utilize powerful TensorFlow APIs to implement end-to-end NLP solutions driven by performant ML (Machine Learning) models Key Features Learn to solve common NLP problems effectively with TensorFlow 2.x Implement end-to-end data pipelines guided by the underlying ML model architecture Use advanced LSTM techniques for complex data transformations, custom models and metrics Book Description\nLearning how to solve natural language processing (NLP) problems is an important skill to master due to the explosive growth of data combined with the demand for machine learning solutions in production. Natural Language Processing with TensorFlow, Second Edition, will teach you how to solve common real-world NLP problems with a variety of deep learning model architectures.\nThe book starts by getting readers familiar with NLP and the basics of TensorFlow. Then, it gradually teaches you different facets of TensorFlow 2.x. In the following chapters, you then learn how to generate powerful word vectors, classify text, generate new text, and generate image captions, among other exciting use-cases of real-world NLP.\nTensorFlow has evolved to be an ecosystem that supports a machine learning workflow through ingesting and transforming data, building models, monitoring, and productionization. We will then read text directly from files and perform the required transformations through a TensorFlow data pipeline. We will also see how to use a versa
Printed in full color! Unlock the groundbreaking advances of deep learning with this extensively revised new edition of the bestselling original. Learn directly from the creator of Keras and master practical Python deep learning techniques that are easy to apply in the real world.In Deep Learning with Python, Second Edition you will learn:Deep learning from first principlesImage classification and image segmentationTimeseries forecastingText classification and machine translationText generation, neural style transfer, and image generationFull color printing throughoutDeep Learning with Python has taught thousands of readers how to put the full capabilities of deep learning into action. This extensively revised full color second edition introduces deep learning using Python and Keras, and is loaded with insights for both novice and experienced ML practitioners. You’ll learn practical techniques that are easy to apply in the real world, and important theory for perfecting neural networks.Purchase of the print book includes a free eBook in PDF, Kindle, and ePub formats from Manning Publications.About the technologyRecent innovations in deep learning unlock exciting new software capabilities like automated language translation, image recognition, and more. Deep learning is quickly becoming essential knowledge for every software developer, and modern tools like Keras and TensorFlow put it within your reach—even if you have no background in mathematics or data science. This book shows you how to get started.About the bookDeep Learning with Python, Second Edition introduces the field of deep learning using Python and the powerful Keras library. In this revised and expanded new edition, Keras creator François Chollet offers insights for both novice and experienced machine learning practitioners. As you move through this book, you’ll build your understanding through intuitive explanations, crisp color illustrations, and clear examples. You’ll quickly pick up the skills you need to start developing deep-learning applications.What's insideDeep learning from first principlesImage classification and image segmentationTime series forecastingText classification and machine translationText generation, neural style transfer, and image generationFull color printing throughoutAbout the readerFor readers with intermediate Python skills. No previous experience with Keras, TensorFlow, or machine learning is required.About the authorFrançois Chollet is a software engineer at Google and creator of the Keras deep-learning library.Table of Contents1 What is deep learning?2 The mathematical building blocks of neural networks3 Introduction to Keras and TensorFlow4 Getting started with neural networks: Classification and regression5 Fundamentals of machine learning6 The universal workflow of machine learning7 Working with Keras: A deep dive8 Introduction to deep learning for computer vision9 Advanced deep learning for computer vision10 Deep learning for timeseries11 Deep learning for text12 Generative deep learning13 Best practices for the real world14 Conclusions
The purpose of this book is to help to spread TensorFlow knowledge among engineers who want to expand their wisdom in the exciting world of Machine Learning. We believe that anyone with an engineering background might require from now on Deep Learning, and Machine Learning in general, to apply it in their work. As the title indicates, it is a first contact with TensorFlow in order to get started with Deep Learning programming. The book has a practical nature, and therefore it reduces the theoretical part as much as possible, assuming that the reader has some basic understanding about Machine Learning.
Given the demand for AI and the ubiquity of JavaScript, TensorFlow.js was inevitable. With this Google framework, seasoned AI veterans and web developers alike can help propel the future of AI-driven websites. In this guide, author Gant Laborde (Google Developer Expert in machine learning and the web) provides a hands-on end-to-end approach to TensorFlow.js fundamentals for a broad technical audience that includes data scientists, engineers, web developers, students, and researchers. You'll begin by working through some basic examples in TensorFlow.js before diving deeper into neural network architectures, DataFrames, TensorFlow Hub, model conversion, transfer learning, and more. Once you finish this book, you'll know how to build and deploy production-readydeep learning systems with TensorFlow.js. Explore tensors, the most fundamental structure of machine learning Convert data into tensors and back with a real-world example Combine AI with the web using TensorFlow.js Use resources to convert, train, and manage machine learning data Build and train your own training models from scratch
Every other day we hear about new ways to put deep learning to good use: improved medical imaging, accurate credit card fraud detection, long range weather forecasting, and more. PyTorch puts these superpowers in your hands, providing a comfortable Python experience that gets you started quickly and then grows with you as you, and your deep learning skills, become more sophisticated. Deep Learning with PyTorch teaches you how to implement deep learning algorithms with Python and PyTorch. This book takes you into a fascinating case study: building an algorithm capable of detecting malignant lung tumors using CT scans. As the authors guide you through this real example, you'll discover just how effective and fun PyTorch can be. Purchase of the print book includes a free eBook in PDF, Kindle, and ePub formats from Manning Publications.
Unlock the TensorFlow design secrets behind successful deep learning applications! Deep learning StackOverflow contributor Thushan Ganegedara teaches you the new features of TensorFlow 2 in this hands-on guide.\\nIn TensorFlow in Action you will learn:\\nFundamentals of TensorFlow\nImplementing deep learning networks\nPicking a high-level Keras API for model building with confidence\nWriting comprehensive end-to-end data pipelines\nBuilding models for computer vision and natural language processing\nUtilizing pretrained NLP models\nRecent algorithms including transformers, attention models, and ElMo\\nIn TensorFlow in Action, you'll dig into the newest version of Google's amazing TensorFlow framework as you learn to create incredible deep learning applications. Author Thushan Ganegedara uses quirky stories, practical examples, and behind-the-scenes explanations to demystify concepts otherwise trapped in dense academic papers. As you dive into modern deep learning techniques like transformer and attention models, you’ll benefit from the unique insights of a top StackOverflow contributor for deep learning and NLP.\\nPurchase of the print book includes a free eBook in PDF, Kindle, and ePub formats from Manning Publications.\\nAbout the technology\nGoogle’s TensorFlow framework sits at the heart of modern deep learning. Boasting practical features like multi-GPU support, network data visualization, and easy production pipelines using TensorFlow Extended (TFX), TensorFlow provides the most efficient path to professional AI applications. And the Keras library, fully integrated into TensorFlow 2, makes it a snap to build and train even complex models for vision, language, and more.\\nAbout the book\nTensorFlow in Action teaches you to construct, train, and deploy deep learning models using TensorFlow 2. In this practical tutorial, you’ll build reusable skill hands-on as you create production-ready applications such as a French-to-English translator and a neural network that can write fiction. You’ll appreciate the in-depth explanations that go from DL basics to advanced applications in NLP, image processing, and MLOps, complete with important details that you’ll return to reference over and over.\\nWhat's inside\\nCovers TensorFlow 2.9\nRecent algorithms including transformers, attention models, and ElMo\nBuild on pretrained models\nWriting end-to-end data pipelines with TFX\\nAbout the reader\nFor Python programmers with basic deep learning skills.\\nAbout the author\nThushan Ganegedara is a senior ML engineer at Canva and TensorFlow expert. He holds a PhD in machine learning from the University of Sydney.\\nTable of Contents\nPART 1 FOUNDATIONS OF TENSORFLOW 2 AND DEEP LEARNING\n1 The amazing world of TensorFlow\n2 TensorFlow 2\n3 Keras and data retrieval in TensorFlow 2\n4 Dipping toes in deep learning\n5 State-of-the-art in deep learning: Transformers\nPART 2 LOOK MA, NO HANDS! DEEP NETWORKS IN THE REAL WORLD\n6 Teaching machines to see: Image classification with CNNs\n7 Teaching machines to see better: Improving CNNs and making them confess\n8 Telling things apart: Image segmentation\n9 Natural language processing with TensorFlow: Sentiment analysis\n10 Natural language processing with TensorFlow: Language modeling\nPART 3 ADVANCED DEEP NETWORKS FOR COMPLEX PROBLEMS\n11 Sequence-to-sequence learning: Part 1\n12 Sequence-to-sequence learning: Part 2\n13 Transformers\n14 TensorBoard: Big brother of TensorFlow\n15 TFX: MLOps and deploying models with TensorFlow
SummaryGrokking Deep Learning teaches you to build deep learning neural networks from scratch! In his engaging style, seasoned deep learning expert Andrew Trask shows you the science under the hood, so you grok for yourself every detail of training neural networks.Purchase of the print book includes a free eBook in PDF, Kindle, and ePub formats from Manning Publications.About the TechnologyDeep learning, a branch of artificial intelligence, teaches computers to learn by using neural networks, technology inspired by the human brain. Online text translation, self-driving cars, personalized product recommendations, and virtual voice assistants are just a few of the exciting modern advancements possible thanks to deep learning.About the BookGrokking Deep Learning teaches you to build deep learning neural networks from scratch! In his engaging style, seasoned deep learning expert Andrew Trask shows you the science under the hood, so you grok for yourself every detail of training neural networks. Using only Python and its math-supporting library, NumPy, you'll train your own neural networks to see and understand images, translate text into different languages, and even write like Shakespeare! When you're done, you'll be fully prepared to move on to mastering deep learning frameworks.What's insideThe science behind deep learning Building and training your own neural networks Privacy concepts, including federated learning Tips for continuing your pursuit of deep learningAbout the ReaderFor readers with high school-level math and intermediate programming skills.About the AuthorAndrew Trask is a PhD student at Oxford University and a research scientist at DeepMind. Previously, Andrew was a researcher and analytics product manager at Digital Reasoning, where he trained the world's largest artificial neural network and helped guide the analytics roadmap for the Synthesys cognitive computing platform.Table of ContentsIntroducing deep learning: why you should learn it Fundamental concepts: how do machines learn? Introduction to neural prediction: forward propagation Introduction to neural learning: gradient descent Learning multiple weights at a time: generalizing gradient descent Building your first deep neural network: introduction to backpropagation How to picture neural networks: in your head and on paper Learning signal and ignoring noise:introduction to regularization and batching Modeling probabilities and nonlinearities: activation functions Neural learning about edges and corners: intro to convolutional neural networks Neural networks that understand language: king - man + woman == ? Neural networks that write like Shakespeare: recurrent layers for variable-length data Introducing automatic optimization: let's build a deep learning framework Learning to write like Shakespeare: long short-term memory Deep learning on unseen data: introducing federated learning Where to go from here: a brief guide
This easy-to-use reference for TensorFlow 2 design patterns in Python will help you make informed decisions for various use cases. Author KC Tung addresses common topics and tasks in enterprise data science and machine learning practices rather than focusing on TensorFlow itself. When and why would you feed training data as using NumPy or a streaming dataset? How would you set up cross-validations in the training process? How do you leverage a pretrained model using transfer learning? How do you perform hyperparameter tuning? Pick up this pocket reference and reduce the time you spend searching through options for your TensorFlow use cases. Understand best practices in TensorFlow model patterns and ML workflows Use code snippets as templates in building TensorFlow models and workflows Save development time by integrating prebuilt models in TensorFlow Hub Make informed design choices about data ingestion, training paradigms, model saving, and inferencing Address common scenarios such as model design style, data ingestion workflow, model training, and tuning
An introduction to a broad range of topics in deep learning, covering mathematical and conceptual background, deep learning techniques used in industry, and research perspectives.“Written by three experts in the field, Deep Learning is the only comprehensive book on the subject.”—Elon Musk, cochair of OpenAI; cofounder and CEO of Tesla and SpaceXDeep learning is a form of machine learning that enables computers to learn from experience and understand the world in terms of a hierarchy of concepts. Because the computer gathers knowledge from experience, there is no need for a human computer operator to formally specify all the knowledge that the computer needs. The hierarchy of concepts allows the computer to learn complicated concepts by building them out of simpler ones; a graph of these hierarchies would be many layers deep. This book introduces a broad range of topics in deep learning.The text offers mathematical and conceptual background, covering relevant concepts in linear algebra, probability theory and information theory, numerical computation, and machine learning. It describes deep learning techniques used by practitioners in industry, including deep feedforward networks, regularization, optimization algorithms, convolutional networks, sequence modeling, and practical methodology; and it surveys such applications as natural language processing, speech recognition, computer vision, online recommendation systems, bioinformatics, and videogames. Finally, the book offers research perspectives, covering such theoretical topics as linear factor models, autoencoders, representation learning, structured probabilistic models, Monte Carlo methods, the partition function, approximate inference, and deep generative models.Deep Learning can be used by undergraduate or graduate students planning careers in either industry or research, and by software engineers who want to begin using deep learning in their products or platforms. A website offers supplementary material for both readers and instructors.
Key Features\n\nBored of too much theory on TensorFlow? This book is what you need! Thirteen solid projects and four examples teach you how to implement TensorFlow in production.\nThis example-rich guide teaches you how to perform highly accurate and efficient numerical computing with TensorFlow\nIt is a practical and methodically explained guide that allows you to apply Tensorflow’s features from the very beginning.\nBook DescriptionThis book of projects highlights how TensorFlow can be used in different scenarios - this includes projects for training models, machine learning, deep learning, and working with various neural networks. Each project provides exciting and insightful exercises that will teach you how to use TensorFlow and show you how layers of data can be explored by working with Tensors. Simply pick a project that is in line with your environment and get stacks of information on how to implement TensorFlow in production.What you will learn\nLoad, interact, dissect, process, and save complex datasets\nSolve classification and regression problems using state of the art techniques \nPredict the outcome of a simple time series using Linear Regression modeling\nUse a Logistic Regression scheme to predict the future result of a time series\nClassify images using deep neural network schemes\nTag a set of images and detect features using a deep neural network, including a Convolutional Neural Network (CNN) layer\nResolve character recognition problems using the Recurrent Neural Network (RNN) model\nAbout the AuthorRodolfo Bonnin is a systems engineer and PhD student at Universidad Tecnológica Nacional, Argentina. He also pursued parallel programming and image understanding postgraduate courses at Uni Stuttgart, Germany.\nHe has done research on high performance computing since 2005 and began studying and implementing convolutional neural networks in 2008,writing a CPU and GPU - supporting neural network feed forward stage. More recently he's been working in the field of fraud pattern detection with Neural Networks, and is currently working on signal classification using ML techniques.Table of Contents\nExploring and Transforming Data\nClustering\nLinear Regression\nLogistic Regression\nSimple FeedForward Neural Networks\nConvolutional Neural Networks\nRecurrent Neural Networks and LSTM\nDeep Neural Networks\nRunning Models at Scale – GPU and Serving\nLibrary Installation and Additional Tips\n
Build machine and deep learning systems with the newly released TensorFlow 2 and Keras for the lab, production, and mobile devices Key Features \nIntroduces and then uses TensorFlow 2 and Keras right from the start Teaches key machine and deep learning techniques Understand the fundamentals of deep learning and machine learning through clear explanations and extensive code samples\n Book Description Deep Learning with TensorFlow 2 and Keras, Second Edition teaches neural networks and deep learning techniques alongside TensorFlow (TF) and Keras. You'll learn how to write deep learning applications in the most powerful, popular, and scalable machine learning stack available. TensorFlow is the machine learning library of choice for professional applications, while Keras offers a simple and powerful Python API for accessing TensorFlow. TensorFlow 2 provides full Keras integration, making advanced machine learning easier and more convenient than ever before. This book also introduces neural networks with TensorFlow, runs through the main applications (regression, ConvNets (CNNs), GANs, RNNs, NLP), covers two working example apps, and then dives into TF in production, TF mobile, and using TensorFlow with AutoML. What you will learn \nBuild machine learning and deep learning systems with TensorFlow 2 and the Keras API Use Regression analysis, the most popular approach to machine learning Understand ConvNets (convolutional neural networks) and how they are essential for deep learning systems such as image classifiers Use GANs (generative adversarial networks) to create new data that fits with existing patterns Discover RNNs (recurrent neural networks) that can process sequences of input intelligently, using one part of a sequence to correctly interpret another Apply deep learning to natural human language and interpret natural language texts to produce an appropriate response Train your models on the cloud and put TF to work in real environments Explore how Google tools can automate simple ML workflows without the need for complex modeling\n Who this book is for This book is for Python developers and data scientists who want to build machine learning and deep learning systems with TensorFlow. Whether or not you have done machine learning before, this book gives you the theory and practice required to use Keras, TensorFlow 2, and AutoML to build machine learning systems.Table of Contents \nNeural Network Foundations with TensorFlow 2.0 TensorFlow 1.x and 2.x Regression Convolutional Neural Networks Advanced Convolutional Neural Networks Generative Adversarial Networks Word Embeddings Recurrent Neural Networks Autoencoders Unsupervised Learning Reinforcement Learning TensorFlow and Cloud TensorFlow for Mobile and IoT and TensorFlow.js An introduction to AutoML The Math Behind Deep Learning Tensor Processing Unit\n
Updated and revised second edition of the bestselling guide to advanced deep learning with TensorFlow 2 and Keras Key Features Explore the most advanced deep learning techniques that drive modern AI results New coverage of unsupervised deep learning using mutual information, object detection, and semantic segmentation Completely updated for TensorFlow 2.x Book Description Advanced Deep Learning with TensorFlow 2 and Keras, Second Edition is a completely updated edition of the bestselling guide to the advanced deep learning techniques available today. Revised for TensorFlow 2.x, this edition introduces you to the practical side of deep learning with new chapters on unsupervised learning using mutual information, object detection (SSD), and semantic segmentation (FCN and PSPNet), further allowing you to create your own cutting-edge AI projects. Using Keras as an open-source deep learning library, the book features hands-on projects that show you how to create more effective AI with the most up-to-date techniques. Starting with an overview of multi-layer perceptrons (MLPs), convolutional neural networks (CNNs), and recurrent neural networks (RNNs), the book then introduces more cutting-edge techniques as you explore deep neural network architectures, including ResNet and DenseNet, and how to create autoencoders. You will then learn about GANs, and how they can unlock new levels of AI performance. Next, you'll discover how a variational autoencoder (VAE) is implemented, and how GANs and VAEs have the generative power to synthesize data that can be extremely convincing to humans. You'll also learn to implement DRL such as Deep Q-Learning and Policy Gradient Methods, which are critical to many modern results in AI. What you will learn Use mutual information maximization techniques to perform unsupervised learning Use segmentation to identify the pixel-wise class of each object in an image Identify both the bounding box and class of objects in an image using object detection Learn the building blocks for advanced techniques - MLPss, CNN, and RNNs Understand deep neural networks - including ResNet and DenseNet Understand and build autoregressive models - autoencoders, VAEs, and GANs Discover and implement deep reinforcement learning methods Who this book is for This is not an introductory book, so fluency with Python is required. The reader should also be familiar with some machine learning approaches, and practical experience with DL will also be helpful. Knowledge of Keras or TensorFlow 2.0 is not required but is recommended.
Learn advanced state-of-the-art deep learning techniques and their applications using popular Python libraries Key Features \nBuild a strong foundation in neural networks and deep learning with Python libraries Explore advanced deep learning techniques and their applications across computer vision and NLP Learn how a computer can navigate in complex environments with reinforcement learning\n Book Description With the surge in artificial intelligence in applications catering to both business and consumer needs, deep learning is more important than ever for meeting current and future market demands. With this book, you'll explore deep learning, and learn how to put machine learning to use in your projects. This second edition of Python Deep Learning will get you up to speed with deep learning, deep neural networks, and how to train them with high-performance algorithms and popular Python frameworks. You'll uncover different neural network architectures, such as convolutional networks, recurrent neural networks, long short-term memory (LSTM) networks, and capsule networks. You'll also learn how to solve problems in the fields of computer vision, natural language processing (NLP), and speech recognition. You'll study generative model approaches such as variational autoencoders and Generative Adversarial Networks (GANs) to generate images. As you delve into newly evolved areas of reinforcement learning, you'll gain an understanding of state-of-the-art algorithms that are the main components behind popular games Go, Atari, and Dota. By the end of the book, you will be well-versed with the theory of deep learning along with its real-world applications. What you will learn \nGrasp the mathematical theory behind neural networks and deep learning processes Investigate and resolve computer vision challenges using convolutional networks and capsule networks Solve generative tasks using variational autoencoders and Generative Adversarial Networks Implement complex NLP tasks using recurrent networks (LSTM and GRU) and attention models Explore reinforcement learning and understand how agents behave in a complex environment Get up to date with applications of deep learning in autonomous vehicles Who this book is for This book is for data science practitioners, machine learning engineers, and those interested in deep learning who have a basic foundation in machine learning and some Python programming experience. A background in mathematics and conceptual understanding of calculus and statistics will help you gain maximum benefit from this book.Table of Contents \nMachine Learning – An Introduction Neural Networks Deep Learning Fundamentals Computer Vision With Convolutional Networks Advanced Computer Vision Generating images with GANs and Variational Autoencoders Recurrent Neural Networks and Language Models Reinforcement Learning Theory Deep Reinforcement Learning for Games Deep Learning in Autonomous Vehicles\n
This textbook covers both classical and modern models in deep learning and includes examples and exercises throughout the chapters. Deep learning methods for various data domains, such as text, images, and graphs are presented in detail. The chapters of this book span three categories: The basics of neural networks: The backpropagation algorithm is discussed in Chapter 2. Many traditional machine learning models can be understood as special cases of neural networks. Chapter 3 explores the connections between traditional machine learning and neural networks. Support vector machines, linear/logistic regression, singular value decomposition, matrix factorization, and recommender systems are shown to be special cases of neural networks. Fundamentals of neural networks: A detailed discussion of training and regularization is provided in Chapters 4 and 5. Chapters 6 and 7 present radial-basis function (RBF) networks and restricted Boltzmann machines. Advanced topics in neural networks: Chapters 8, 9, and 10 discuss recurrent neural networks, convolutional neural networks, and graph neural networks. Several advanced topics like deep reinforcement learning, attention mechanisms, transformer networks, Kohonen self-organizing maps, and generative adversarial networks are introduced in Chapters 11 and 12. The textbook is written for graduate students and upper under graduate level students. Researchers and practitioners working within this related field will want to purchase this as well. Where possible, an application-centric view is highlighted in order to provide an understanding of the practical uses of each class of techniques. The second edition is substantially reorganized and expanded with separate chapters on backpropagation and graph neural networks. Many chapters have been significantly revised over the first edition. Greater focus is placed on modern deep learning ideas such as attention mechanisms, transformers, and pre-trained language models.
Learn how to model and train advanced neural networks to implement a variety of Computer Vision tasksKey Features\nTrain different kinds of deep learning model from scratch to solve specific problems in Computer Vision\nCombine the power of Python, Keras, and TensorFlow to build deep learning models for object detection, image classification, similarity learning, image captioning, and more\nIncludes tips on optimizing and improving the performance of your models under various constraints\nBook DescriptionDeep learning has shown its power in several application areas of Artificial Intelligence, especially in Computer Vision. Computer Vision is the science of understanding and manipulating images, and finds enormous applications in the areas of robotics, automation, and so on. This book will also show you, with practical examples, how to develop Computer Vision applications by leveraging the power of deep learning. \nIn this book, you will learn different techniques related to object classification, object detection, image segmentation, captioning, image generation, face analysis, and more. You will also explore their applications using popular Python libraries such as TensorFlow and Keras. This book will help you master state-of-the-art, deep learning algorithms and their implementation.What you will learn\nSet up an environment for deep learning with Python, TensorFlow, and Keras\nDefine and train a model for image and video classification\nUse features from a pre-trained Convolutional Neural Network model for image retrieval\nUnderstand and implement object detection using the real-world Pedestrian Detection scenario\nLearn about various problems in image captioning and how to overcome them by training images and text together\nImplement similarity matching and train a model for face recognition\nUnderstand the concept of generative models and use them for image generation\nDeploy your deep learning models and optimize them for high performance\nWho This Book Is ForThis book is targeted at data scientists and Computer Vision practitioners who wish to apply the concepts of Deep Learning to overcome any problem related to Computer Vision. A basic knowledge of programming in Python-and some understanding of machine learning concepts-is required to get the best out of this book.Table of Contents\nIntroduction to Deep Learning\nImage Classification\nImage Retrieval\nObject Detection\nSemantic Segmentation\nSimilarity Learning\nGenerative Models\nImage Captioning\nVideo Classification\nDeployment\n
SummaryDeep Learning with Python introduces the field of deep learning using the Python language and the powerful Keras library. Written by Keras creator and Google AI researcher François Chollet, this book builds your understanding through intuitive explanations and practical examples.Purchase of the print book includes a free eBook in PDF, Kindle, and ePub formats from Manning Publications.About the TechnologyMachine learning has made remarkable progress in recent years. We went from near-unusable speech and image recognition, to near-human accuracy. We went from machines that couldn't beat a serious Go player, to defeating a world champion. Behind this progress is deep learning—a combination of engineering advances, best practices, and theory that enables a wealth of previously impossible smart applications.About the BookDeep Learning with Python introduces the field of deep learning using the Python language and the powerful Keras library. Written by Keras creator and Google AI researcher François Chollet, this book builds your understanding through intuitive explanations and practical examples. You'll explore challenging concepts and practice with applications in computer vision, natural-language processing, and generative models. By the time you finish, you'll have the knowledge and hands-on skills to apply deep learning in your own projects. What's Inside\nDeep learning from first principles\nSetting up your own deep-learning environment \nImage-classification models\nDeep learning for text and sequences\nNeural style transfer, text generation, and image generation\n\nAbout the ReaderReaders need intermediate Python skills. No previous experience with Keras, TensorFlow, or machine learning is required.About the AuthorFrançois Chollet works on deep learning at Google in Mountain View, CA. He is the creator of the Keras deep-learning library, as well as a contributor to the TensorFlow machine-learning framework. He also does deep-learning research, with a focus on computer vision and the application of machine learning to formal reasoning. His papers have been published at major conferences in the field, including the Conference on Computer Vision and Pattern Recognition (CVPR), the Conference and Workshop on Neural Information Processing Systems (NIPS), the International Conference on Learning Representations (ICLR), and others.Table of ContentsPART 1 - FUNDAMENTALS OF DEEP LEARNING What is deep learning?\nBefore we begin: the mathematical building blocks of neural networks \nGetting started with neural networks\nFundamentals of machine learningPART 2 - DEEP LEARNING IN PRACTICEDeep learning for computer vision\nDeep learning for text and sequences\nAdvanced deep-learning best practices\nGenerative deep learning\nConclusions\nappendix A - Installing Keras and its dependencies on Ubuntu\nappendix B - Running Jupyter notebooks on an EC2 GPU instance\n
SummaryNatural Language Processing in Action is your guide to creating machines that understand human language using the power of Python with its ecosystem of packages dedicated to NLP and AI.Purchase of the print book includes a free eBook in PDF, Kindle, and ePub formats from Manning Publications. All examples are included in the open source `nlpia` package on python.org and github.com, complete with a conda environment and Dockerfile to help you get going quickly on any platform.About the TechnologyRecent advances in deep learning empower applications to understand text and speech with extreme accuracy. The result? Chatbots that can imitate real people, meaningful resume-to-job matches, superb predictive search, and automatically generated document summaries--all at a low cost. New techniques, along with accessible tools like Keras and TensorFlow, make professional-quality NLP easier than ever before.About the BookNatural Language Processing in Action is your guide to building machines that can read and interpret human language. In it, you'll use readily available Python packages to capture the meaning in text and react accordingly. The book expands traditional NLP approaches to include neural networks, modern deep learning algorithms, and generative techniques as you tackle real-world problems like extracting dates and names, composing text, and answering free-form questions.What's inside Some sentences in this book were written by NLP! Can you guess which ones? Working with Keras, TensorFlow, gensim, and scikit-learn Rule-based and data-based NLP Scalable pipelinesAbout the ReaderThis book requires a basic understanding of deep learning and intermediate Python skills.About the AuthorsHobson Lane, Cole Howard, and Hannes Max Hapke are experienced NLP engineers who use these techniques in production for profit and fun: contributing to social-benefit projects like smart guides for people with blindness and cognitive assistance for those with developmental challenges or suffering from information overload (don't we all?).Table of Contents PART 1 - WORDY MACHINESPackets of thought (NLP overview) Build your vocabulary (word tokenization) Math with words (TF-IDF vectors) Finding meaning in word counts (semantic analysis)PART 2 - DEEPER LEARNING (NEURAL NETWORKS)Baby steps with neural networks (perceptrons and backpropagation) Reasoning with word vectors (Word2vec) Getting words in order with convolutional neural networks (CNNs) Loopy (recurrent) neural networks (RNNs) Improving retention with long short-term memory networks Sequence-to-sequence models and attentionPART 3 - GETTING REAL (REAL-WORLD NLP CHALLENGES)Information extraction (named entity extraction and question answering) Getting chatty (dialog engines) Scaling up (optimization, parallelization, and batch processing)
New edition of the bestselling guide to deep reinforcement learning and how it's used to solve complex real-world problems. Revised and expanded to include multi-agent methods, discrete optimization, RL in robotics, advanced exploration techniques, and more Key Features \nSecond edition of the bestselling introduction to deep reinforcement learning, expanded with six new chapters Learn advanced exploration techniques including noisy networks, pseudo-count, and network distillation methods Apply RL methods to cheap hardware robotics platforms\n Book Description Deep Reinforcement Learning Hands-On, Second Edition is an updated and expanded version of the bestselling guide to the very latest reinforcement learning (RL) tools and techniques. It provides you with an introduction to the fundamentals of RL, along with the hands-on ability to code intelligent learning agents to perform a range of practical tasks. With six new chapters devoted to a variety of up-to-the-minute developments in RL, including discrete optimization (solving the Rubik's Cube), multi-agent methods, Microsoft's TextWorld environment, advanced exploration techniques, and more, you will come away from this book with a deep understanding of the latest innovations in this emerging field. In addition, you will gain actionable insights into such topic areas as deep Q-networks, policy gradient methods, continuous control problems, and highly scalable, non-gradient methods. You will also discover how to build a real hardware robot trained with RL for less than $100 and solve the Pong environment in just 30 minutes of training using step-by-step code optimization. In short, Deep Reinforcement Learning Hands-On, Second Edition, is your companion to navigating the exciting complexities of RL as it helps you attain experience and knowledge through real-world examples. What you will learn \nUnderstand the deep learning context of RL and implement complex deep learning models Evaluate RL methods including cross-entropy, DQN, actor-critic, TRPO, PPO, DDPG, D4PG, and others Build a practical hardware robot trained with RL methods for less than $100 Discover Microsoft's TextWorld environment, which is an interactive fiction games platform Use discrete optimization in RL to solve a Rubik's Cube Teach your agent to play Connect 4 using AlphaGo Zero Explore the very latest deep RL research on topics including AI chatbots Discover advanced exploration techniques, including noisy networks and network distillation techniques\n Who this book is for Some fluency in Python is assumed. Sound understanding of the fundamentals of deep learning will be helpful. This book is an introduction to deep RL and requires no background in RLTable of Contents \nWhat Is Reinforcement Learning? OpenAI Gym Deep Learning with PyTorch The Cross-Entropy Method Tabular Learning and the Bellman Equation Deep Q-Networks Higher-Level RL libraries DQN Extensions Ways to Speed up RL Stocks Trading Using RL Policy Gradients – an Alternative The Actor-Critic Method Asynchronous Advantage Actor-Critic Training Chatbots with RL The TextWorld environment Web Navigation Continuous Action Space RL in Robotics Trust Regions – PPO, TRPO, ACKTR, and SAC Black-Box Optimization in RL Advanced exploration Beyond Model-Free – Imagination AlphaGo Zero RL in Discrete Optimisation Multi-agent RL\n
'If you think you understand AI and all of the related issues, you don't. By the time you finish this exceptionally lucid and riveting book you will breathe more easily and wisely' - Michael Gazzaniga\\nA leading computer scientist brings human sense to the AI bubble\\nNo recent scientific enterprise has been so alluring, terrifying and filled with extravagant promise and frustrating setbacks as artificial intelligence. Writing with clarity and passion, leading AI researcher Melanie Mitchell offers a captivating account of modern-day artificial intelligence.\\nFlavoured with personal stories and a twist of humour, Artificial Intelligence illuminates the workings of machines that mimic human learning, perception, language, creativity and common sense. Weaving together advances in AI with cognitive science and philosophy, Mitchell probes the extent to which today's 'smart' machines can actually think or understand, and whether AI even requires such elusive human qualities at all.\\nArtificial Intelligence: A Guide for Thinking Humans provides readers with an accessible and clear-eyed view of the AI landscape, what the field has actually accomplished, how much further it has to go and what it means for all of our futures.