- Table View
- List View
TensorFlow 2 Reinforcement Learning Cookbook: Over 50 recipes to help you build, train, and deploy learning agents for real-world applications
by Praveen PalanisamyDiscover recipes for developing AI applications to solve a variety of real-world business problems using reinforcement learningKey FeaturesDevelop and deploy deep reinforcement learning-based solutions to production pipelines, products, and servicesExplore popular reinforcement learning algorithms such as Q-learning, SARSA, and the actor-critic methodCustomize and build RL-based applications for performing real-world tasksBook DescriptionWith deep reinforcement learning, you can build intelligent agents, products, and services that can go beyond computer vision or perception to perform actions. TensorFlow 2.x is the latest major release of the most popular deep learning framework used to develop and train deep neural networks (DNNs). This book contains easy-to-follow recipes for leveraging TensorFlow 2.x to develop artificial intelligence applications. Starting with an introduction to the fundamentals of deep reinforcement learning and TensorFlow 2.x, the book covers OpenAI Gym, model-based RL, model-free RL, and how to develop basic agents. You'll discover how to implement advanced deep reinforcement learning algorithms such as actor-critic, deep deterministic policy gradients, deep-Q networks, proximal policy optimization, and deep recurrent Q-networks for training your RL agents. As you advance, you'll explore the applications of reinforcement learning by building cryptocurrency trading agents, stock/share trading agents, and intelligent agents for automating task completion. Finally, you'll find out how to deploy deep reinforcement learning agents to the cloud and build cross-platform apps using TensorFlow 2.x. By the end of this TensorFlow book, you'll have gained a solid understanding of deep reinforcement learning algorithms and their implementations from scratch.What you will learnBuild deep reinforcement learning agents from scratch using the all-new TensorFlow 2.x and Keras APIImplement state-of-the-art deep reinforcement learning algorithms using minimal codeBuild, train, and package deep RL agents for cryptocurrency and stock tradingDeploy RL agents to the cloud and edge to test them by creating desktop, web, and mobile apps and cloud servicesSpeed up agent development using distributed DNN model trainingExplore distributed deep RL architectures and discover opportunities in AIaaS (AI as a Service)Who this book is forThe book is for machine learning application developers, AI and applied AI researchers, data scientists, deep learning practitioners, and students with a basic understanding of reinforcement learning concepts who want to build, train, and deploy their own reinforcement learning systems from scratch using TensorFlow 2.x.
TensorFlow 2.0 Computer Vision Cookbook: Implement machine learning solutions to overcome various computer vision challenges
by Jesus MartinezGet well versed with state-of-the-art techniques to tailor training processes and boost the performance of computer vision models using machine learning and deep learning techniquesKey FeaturesDevelop, train, and use deep learning algorithms for computer vision tasks using TensorFlow 2.xDiscover practical recipes to overcome various challenges faced while building computer vision modelsEnable machines to gain a human level understanding to recognize and analyze digital images and videosBook DescriptionComputer vision is a scientific field that enables machines to identify and process digital images and videos. This book focuses on independent recipes to help you perform various computer vision tasks using TensorFlow. The book begins by taking you through the basics of deep learning for computer vision, along with covering TensorFlow 2.x's key features, such as the Keras and tf.data.Dataset APIs. You'll then learn about the ins and outs of common computer vision tasks, such as image classification, transfer learning, image enhancing and styling, and object detection. The book also covers autoencoders in domains such as inverse image search indexes and image denoising, while offering insights into various architectures used in the recipes, such as convolutional neural networks (CNNs), region-based CNNs (R-CNNs), VGGNet, and You Only Look Once (YOLO). Moving on, you'll discover tips and tricks to solve any problems faced while building various computer vision applications. Finally, you'll delve into more advanced topics such as Generative Adversarial Networks (GANs), video processing, and AutoML, concluding with a section focused on techniques to help you boost the performance of your networks. By the end of this TensorFlow book, you'll be able to confidently tackle a wide range of computer vision problems using TensorFlow 2.x.What you will learnUnderstand how to detect objects using state-of-the-art models such as YOLOv3Use AutoML to predict gender and age from imagesSegment images using different approaches such as FCNs and generative modelsLearn how to improve your network's performance using rank-N accuracy, label smoothing, and test time augmentationEnable machines to recognize people's emotions in videos and real-time streamsAccess and reuse advanced TensorFlow Hub models to perform image classification and object detectionGenerate captions for images using CNNs and RNNsWho this book is forThis book is for computer vision developers and engineers, as well as deep learning practitioners looking for go-to solutions to various problems that commonly arise in computer vision. You will discover how to employ modern machine learning (ML) techniques and deep learning architectures to perform a plethora of computer vision tasks. Basic knowledge of Python programming and computer vision is required.
TensorFlow 2.0 Quick Start Guide: Get up to speed with the newly introduced features of TensorFlow 2.0
by Tony HoldroydPerform supervised and unsupervised machine learning and learn advanced techniques such as training neural networks. Key Features Train your own models for effective prediction, using high-level Keras API Perform supervised and unsupervised machine learning and learn advanced techniques such as training neural networks Get acquainted with some new practices introduced in TensorFlow 2.0 Alpha Book Description TensorFlow is one of the most popular machine learning frameworks in Python. With this book, you will improve your knowledge of some of the latest TensorFlow features and will be able to perform supervised and unsupervised machine learning and also train neural networks. After giving you an overview of what's new in TensorFlow 2.0 Alpha, the book moves on to setting up your machine learning environment using the TensorFlow library. You will perform popular supervised machine learning tasks using techniques such as linear regression, logistic regression, and clustering. You will get familiar with unsupervised learning for autoencoder applications. The book will also show you how to train effective neural networks using straightforward examples in a variety of different domains. By the end of the book, you will have been exposed to a large variety of machine learning and neural network TensorFlow techniques. What you will learn Use tf.Keras for fast prototyping, building, and training deep learning neural network models Easily convert your TensorFlow 1.12 applications to TensorFlow 2.0-compatible files Use TensorFlow to tackle traditional supervised and unsupervised machine learning applications Understand image recognition techniques using TensorFlow Perform neural style transfer for image hybridization using a neural network Code a recurrent neural network in TensorFlow to perform text-style generation Who this book is for Data scientists, machine learning developers, and deep learning enthusiasts looking to quickly get started with TensorFlow 2 will find this book useful. Some Python programming experience with version 3.6 or later, along with a familiarity with Jupyter notebooks will be an added advantage. Exposure to machine learning and neural network techniques would also be helpful.
TensorFlow 2.x in the Colaboratory Cloud: An Introduction to Deep Learning on Google’s Cloud Service
by David PaperUse TensorFlow 2.x with Google's Colaboratory (Colab) product that offers a free cloud service for Python programmers. Colab is especially well suited as a platform for TensorFlow 2.x deep learning applications. You will learn Colab’s default install of the most current TensorFlow 2.x along with Colab’s easy access to on-demand GPU hardware acceleration in the cloud for fast execution of deep learning models. This book offers you the opportunity to grasp deep learning in an applied manner with the only requirement being an Internet connection. Everything else—Python, TensorFlow 2.x, GPU support, and Jupyter Notebooks—is provided and ready to go from Colab. The book begins with an introduction to TensorFlow 2.x and the Google Colab cloud service. You will learn how to provision a workspace on Google Colab and build a simple neural network application. From there you will progress into TensorFlow datasets and building input pipelines in support of modeling and testing. You will find coverage of deep learning classification and regression, with clear code examples showing how to perform each of those functions. Advanced topics covered in the book include convolutional neural networks and recurrent neural networks. This book contains all the applied math and programming you need to master the content. Examples range from simple to relatively complex when necessary to ensure acquisition of appropriate deep learning concepts and constructs. Examples are carefully explained, concise, accurate, and complete to perfectly complement deep learning skill development. Care is taken to walk you through the foundational principles of deep learning through clear examples written in Python that you can try out and experiment with using Google Colab from the comfort of your own home or office.What You Will LearnBe familiar with the basic concepts and constructs of applied deep learningCreate machine learning models with clean and reliable Python codeWork with datasets common to deep learning applicationsPrepare data for TensorFlow consumptionTake advantage of Google Colab’s built-in support for deep learningExecute deep learning experiments using a variety of neural network modelsBe able to mount Google Colab directly to your Google Drive accountVisualize training versus test performance to see model fitWho This Book Is ForReaders who want to learn the highly popular TensorFlow 2.x deep learning platform, those who wish to master deep learning fundamentals that are sometimes skipped over in the rush to be productive, and those looking to build competency with a modern cloud service tool such as Google Colab
TensorFlow Deep Learning Projects: 10 real-world projects on computer vision, machine translation, chatbots, and reinforcement learning
by Alberto Boschetti Luca Massaron Alexey Grigorev Rajalingappaa Shanmugamani Abhishek ThakurLeverage the power of Tensorflow to design deep learning systems for a variety of real-world scenariosKey FeaturesBuild efficient deep learning pipelines using the popular Tensorflow frameworkTrain neural networks such as ConvNets, generative models, and LSTMsIncludes projects related to Computer Vision, stock prediction, chatbots and moreBook DescriptionTensorFlow is one of the most popular frameworks used for machine learning and, more recently, deep learning. It provides a fast and efficient framework for training different kinds of deep learning models, with very high accuracy. This book is your guide to master deep learning with TensorFlow with the help of 10 real-world projects.TensorFlow Deep Learning Projects starts with setting up the right TensorFlow environment for deep learning. Learn to train different types of deep learning models using TensorFlow, including Convolutional Neural Networks, Recurrent Neural Networks, LSTMs, and Generative Adversarial Networks. While doing so, you will build end-to-end deep learning solutions to tackle different real-world problems in image processing, recommendation systems, stock prediction, and building chatbots, to name a few. You will also develop systems that perform machine translation, and use reinforcement learning techniques to play games.By the end of this book, you will have mastered all the concepts of deep learning and their implementation with TensorFlow, and will be able to build and train your own deep learning models with TensorFlow confidently.What you will learnSet up the TensorFlow environment for deep learningConstruct your own ConvNets for effective image processingUse LSTMs for image caption generationForecast stock prediction accurately with an LSTM architectureLearn what semantic matching is by detecting duplicate Quora questionsSet up an AWS instance with TensorFlow to train GANsTrain and set up a chatbot to understand and interpret human inputBuild an AI capable of playing a video game by itself –and win it!Who this book is forThis book is for data scientists, machine learning developers as well as deep learning practitioners, who want to build interesting deep learning projects that leverage the power of Tensorflow. Some understanding of machine learning and deep learning, and familiarity with the TensorFlow framework is all you need to get started with this book.
TensorFlow For Dummies
by Matthew ScarpinoBecome a machine learning pro! Google TensorFlow has become the darling of financial firms and research organizations, but the technology can be intimidating and the learning curve is steep. Luckily, TensorFlow For Dummies is here to offer you a friendly, easy-to-follow book on the subject. Inside, you’ll find out how to write applications with TensorFlow, while also grasping the concepts underlying machine learning—all without ever losing your cool! Machine learning has become ubiquitous in modern society, and its applications include language translation, robotics, handwriting analysis, financial prediction, and image recognition. TensorFlow is Google's preeminent toolset for machine learning, and this hands-on guide makes it easy to understand, even for those without a background in artificial intelligence. Install TensorFlow on your computer Learn the fundamentals of statistical regression and neural networks Visualize the machine learning process with TensorBoard Perform image recognition with convolutional neural networks (CNNs) Analyze sequential data with recurrent neural networks (RNNs) Execute TensorFlow on mobile devices and the Google Cloud Platform (GCP) If you’re a manager or software developer looking to use TensorFlow for machine learning, this is the book you’ll want to have close by.
TensorFlow Machine Learning Cookbook
by Nick McclureExplore machine learning concepts using the latest numerical computing library — TensorFlow — with the help of this comprehensive cookbook About This Book • Your quick guide to implementing TensorFlow in your day-to-day machine learning activities • Learn advanced techniques that bring more accuracy and speed to machine learning • Upgrade your knowledge to the second generation of machine learning with this guide on TensorFlow Who This Book Is For This book is ideal for data scientists who are familiar with C++ or Python and perform machine learning activities on a day-to-day basis. Intermediate and advanced machine learning implementers who need a quick guide they can easily navigate will find it useful. What You Will Learn • Become familiar with the basics of the TensorFlow machine learning library • Get to know Linear Regression techniques with TensorFlow • Learn SVMs with hands-on recipes • Implement neural networks and improve predictions • Apply NLP and sentiment analysis to your data • Master CNN and RNN through practical recipes • Take TensorFlow into production In Detail TensorFlow is an open source software library for Machine Intelligence. The independent recipes in this book will teach you how to use TensorFlow for complex data computations and will let you dig deeper and gain more insights into your data than ever before. You'll work through recipes on training models, model evaluation, sentiment analysis, regression analysis, clustering analysis, artificial neural networks, and deep learning – each using Google's machine learning library TensorFlow. This guide starts with the fundamentals of the TensorFlow library which includes variables, matrices, and various data sources. Moving ahead, you will get hands-on experience with Linear Regression techniques with TensorFlow. The next chapters cover important high-level concepts such as neural networks, CNN, RNN, and NLP. Once you are familiar and comfortable with the TensorFlow ecosystem, the last chapter will show you how to take it to production. Style and approach This book takes a recipe-based approach where every topic is explicated with the help of a real-world example.
TensorFlow Machine Learning Cookbook: Over 60 recipes to build intelligent machine learning systems with the power of Python, 2nd Edition
by Nick McClureSkip the theory and get the most out of Tensorflow to build production-ready machine learning modelsKey FeaturesExploit the features of Tensorflow to build and deploy machine learning modelsTrain neural networks to tackle real-world problems in Computer Vision and NLPHandy techniques to write production-ready code for your Tensorflow modelsBook DescriptionTensorFlow is an open source software library for Machine Intelligence. The independent recipes in this book will teach you how to use TensorFlow for complex data computations and allow you to dig deeper and gain more insights into your data than ever before. With the help of this book, you will work with recipes for training models, model evaluation, sentiment analysis, regression analysis, clustering analysis, artificial neural networks, and more. You will explore RNNs, CNNs, GANs, reinforcement learning, and capsule networks, each using Google's machine learning library, TensorFlow. Through real-world examples, you will get hands-on experience with linear regression techniques with TensorFlow. Once you are familiar and comfortable with the TensorFlow ecosystem, you will be shown how to take it to production.By the end of the book, you will be proficient in the field of machine intelligence using TensorFlow. You will also have good insight into deep learning and be capable of implementing machine learning algorithms in real-world scenarios.What you will learnBecome familiar with the basic features of the TensorFlow libraryGet to know Linear Regression techniques with TensorFlowLearn SVMs with hands-on recipesImplement neural networks to improve predictive modelingApply NLP and sentiment analysis to your dataMaster CNN and RNN through practical recipesImplement the gradient boosted random forest to predict housing pricesTake TensorFlow into productionWho this book is forIf you are a data scientist or a machine learning engineer with some knowledge of linear algebra, statistics, and machine learning, this book is for you. If you want to skip the theory and build production-ready machine learning models using Tensorflow without reading pages and pages of material, this book is for you. Some background in Python programming is assumed.
TensorFlow Machine Learning Projects
by Ankit JainThis book is for data analysts, data scientists, machine learning professionals and developers, and deep learning enthusiasts with basic knowledge of TensorFlow. If you want to build end-to-end projects in machine learning domain this book is what you need! This book appeals for anyone who is looking to go beyond the basics of TensorFlow and want to know how it can be used in various domains.
TensorFlow Reinforcement Learning Quick Start Guide: Get up and running with training and deploying intelligent, self-learning agents using Python
by Kaushik BalakrishnanLeverage the power of Tensorflow to Create powerful software agents that can self-learn to perform real-world tasks Key Features Explore efficient Reinforcement Learning algorithms and code them using TensorFlow and Python Train Reinforcement Learning agents for problems, ranging from computer games to autonomous driving. Formulate and devise selective algorithms and techniques in your applications in no time. Book Description Advances in reinforcement learning algorithms have made it possible to use them for optimal control in several different industrial applications. With this book, you will apply Reinforcement Learning to a range of problems, from computer games to autonomous driving. The book starts by introducing you to essential Reinforcement Learning concepts such as agents, environments, rewards, and advantage functions. You will also master the distinctions between on-policy and off-policy algorithms, as well as model-free and model-based algorithms. You will also learn about several Reinforcement Learning algorithms, such as SARSA, Deep Q-Networks (DQN), Deep Deterministic Policy Gradients (DDPG), Asynchronous Advantage Actor-Critic (A3C), Trust Region Policy Optimization (TRPO), and Proximal Policy Optimization (PPO). The book will also show you how to code these algorithms in TensorFlow and Python and apply them to solve computer games from OpenAI Gym. Finally, you will also learn how to train a car to drive autonomously in the Torcs racing car simulator. By the end of the book, you will be able to design, build, train, and evaluate feed-forward neural networks and convolutional neural networks. You will also have mastered coding state-of-the-art algorithms and also training agents for various control problems. What you will learn Understand the theory and concepts behind modern Reinforcement Learning algorithms Code state-of-the-art Reinforcement Learning algorithms with discrete or continuous actions Develop Reinforcement Learning algorithms and apply them to training agents to play computer games Explore DQN, DDQN, and Dueling architectures to play Atari's Breakout using TensorFlow Use A3C to play CartPole and LunarLander Train an agent to drive a car autonomously in a simulator Who this book is for Data scientists and AI developers who wish to quickly get started with training effective reinforcement learning models in TensorFlow will find this book very useful. Prior knowledge of machine learning and deep learning concepts (as well as exposure to Python programming) will be useful.
TensorFlow for Deep Learning: From Linear Regression to Reinforcement Learning
by Bharath Ramsundar Reza Bosagh ZadehLearn how to solve challenging machine learning problems with TensorFlow, Google’s revolutionary new software library for deep learning. If you have some background in basic linear algebra and calculus, this practical book introduces machine-learning fundamentals by showing you how to design systems capable of detecting objects in images, understanding text, analyzing video, and predicting the properties of potential medicines.TensorFlow for Deep Learning teaches concepts through practical examples and helps you build knowledge of deep learning foundations from the ground up. It’s ideal for practicing developers with experience designing software systems, and useful for scientists and other professionals familiar with scripting but not necessarily with designing learning algorithms.Learn TensorFlow fundamentals, including how to perform basic computationBuild simple learning systems to understand their mathematical foundationsDive into fully connected deep networks used in thousands of applicationsTurn prototypes into high-quality models with hyperparameter optimizationProcess images with convolutional neural networksHandle natural language datasets with recurrent neural networksUse reinforcement learning to solve games such as tic-tac-toeTrain deep networks with hardware including GPUs and tensor processing units
TensorFlow für Dummies (Für Dummies)
by Matthew ScarpinoTensorFlow ist Googles herausragendes Werkzeug für das maschinelle Lernen, und dieses Buch macht es zugänglich, selbst wenn Sie bisher wenig über neuronale Netze und Deep Learning wissen. Sie erfahren, auf welchen Prinzipien TensorFlow basiert und wie Sie mit TensorFlow Anwendungen 1.0 schreiben. Gleichzeitig lernen Sie die Konzepte des maschinellen Lernens kennen. Wenn Sie Softwareentwickler sind und TensorFlow in Zukunft einsetzen möchten, dann ist dieses Buch der richtige Einstieg für Sie. Greifen Sie auch zu, wenn Sie einfach mehr über das maschinelle Lernen erfahren wollen.
TensorFlow in Action
by Thushan GanegedaraUnlock 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.In TensorFlow in Action you will learn: Fundamentals of TensorFlow Implementing deep learning networks Picking a high-level Keras API for model building with confidence Writing comprehensive end-to-end data pipelines Building models for computer vision and natural language processing Utilizing pretrained NLP models Recent algorithms including transformers, attention models, and ElMo In 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. About the technology Google&’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. About the book TensorFlow 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. What's inside Covers TensorFlow 2.9 Recent algorithms including transformers, attention models, and ElMo Build on pretrained models Writing end-to-end data pipelines with TFX About the reader For Python programmers with basic deep learning skills. About the author Thushan Ganegedara is a senior ML engineer at Canva and TensorFlow expert. He holds a PhD in machine learning from the University of Sydney. Table of Contents PART 1 FOUNDATIONS OF TENSORFLOW 2 AND DEEP LEARNING 1 The amazing world of TensorFlow 2 TensorFlow 2 3 Keras and data retrieval in TensorFlow 2 4 Dipping toes in deep learning 5 State-of-the-art in deep learning: Transformers PART 2 LOOK MA, NO HANDS! DEEP NETWORKS IN THE REAL WORLD 6 Teaching machines to see: Image classification with CNNs 7 Teaching machines to see better: Improving CNNs and making them confess 8 Telling things apart: Image segmentation 9 Natural language processing with TensorFlow: Sentiment analysis 10 Natural language processing with TensorFlow: Language modeling PART 3 ADVANCED DEEP NETWORKS FOR COMPLEX PROBLEMS 11 Sequence-to-sequence learning: Part 1 12 Sequence-to-sequence learning: Part 2 13 Transformers 14 TensorBoard: Big brother of TensorFlow 15 TFX: MLOps and deploying models with TensorFlow
TensorFlow: Predict valuable insights of your data with TensorFlow
by Md. Rezaul KarimLearn how to solve real life problems using different methods like logic regression, random forests and SVM’s with TensorFlow.Key FeaturesUnderstand predictive analytics along with its challenges and best practices Embedded with assessments that will help you revise the concepts you have learned in this bookBook DescriptionPredictive analytics discovers hidden patterns from structured and unstructured data for automated decision making in business intelligence. Predictive decisions are becoming a huge trend worldwide, catering to wide industry sectors by predicting which decisions are more likely to give maximum results. TensorFlow, Google’s brainchild, is immensely popular and extensively used for predictive analysis.This book is a quick learning guide on all the three types of machine learning, that is, supervised, unsupervised, and reinforcement learning with TensorFlow. This book will teach you predictive analytics for high-dimensional and sequence data. In particular, you will learn the linear regression model for regression analysis. You will also learn how to use regression for predicting continuous values. You will learn supervised learning algorithms for predictive analytics. You will explore unsupervised learning and clustering using K-meansYou will then learn how to predict neighborhoods using K-means, and then, see another example of clustering audio clips based on their audio features. This book is ideal for developers, data analysts, machine learning practitioners, and deep learning enthusiasts who want to build powerful, robust, and accurate predictive models with the power of TensorFlow. This book is embedded with useful assessments that will help you revise the concepts you have learned in this book.What you will learnLearn TensorFlow features in a real-life problem, followed by detailed TensorFlow installation and configurationExplore computation graphs, data, and programming models also get an insight into an example of implementing linear regression model for predictive analyticsSolve the Titanic survival problem using logistic regression, random forests, and SVMs for predictive analyticsDig deeper into predictive analytics and find out how to take advantage of it to cluster records belonging to the certain group or class for a dataset of unsupervised observationsLearn several examples of how to apply reinforcement learning algorithms for developing predictive models on real-life datasetsWho this book is forThis book is aimed at developers, data analysts, machine learning practitioners, and deep learning enthusiasts who want to build powerful, robust, and accurate predictive models with the power of TensorFlow.
Tenth International Conference on Applications and Techniques in Cyber Intelligence: Volume 1 (Lecture Notes on Data Engineering and Communications Technologies #170)
by Jemal H. Abawajy Xiaolu Zhang Mohammed Atiquzzaman Zheng XuThis book presents innovative ideas, cutting-edge findings, and novel techniques, methods, and applications in a broad range of cybersecurity and cyberthreat intelligence areas. As our society becomes smarter, there is a corresponding need to secure our cyberfuture. The book describes approaches and findings that are of interest to business professionals and governments seeking to secure our data and underpin infrastructures, as well as to individual users.
Tenth International Conference on Applications and Techniques in Cyber Intelligence: Volume 2 (Lecture Notes on Data Engineering and Communications Technologies #169)
by Jemal H. Abawajy Xiaolu Zhang Mohammed Atiquzzaman Zheng XuThis book presents innovative ideas, cutting-edge findings, and novel techniques, methods, and applications in a broad range of cybersecurity and cyberthreat intelligence areas. As our society becomes smarter, there is a corresponding need to secure our cyberfuture. The book describes approaches and findings that are of interest to business professionals and governments seeking to secure our data and underpin infrastructures, as well as to individual users.
Teoria del Linguaggio Formale e degli Automi
by Ajit SinghIl libro contiene una trattazione approfondita di tutti gli argomenti relativi alla teoria del calcolo, come menzionato nei syllabus di B.E., M.C.A. e M.Sc. (Informatica) di varie università. Una quantità sufficiente di input teorici supportati da una serie di illustrazioni sono inclusi per coloro che sono profondamente interessati alla materia. Nei primi capitoli il libro presenta il materiale di base necessario per lo studio delle teorie degli automi. Esempi di argomenti inclusi sono: i linguaggi regolari e il Teorema di Kleene; gli automi minimi e i monoidi sintattici; il rapporto tra linguaggi senza contesto e automi pushdown; le macchine di Turing e la decidibilità. Questo libro facilita agli studenti uno stile di scrittura più informale, fornendo al contempo la copertura più accessibile della teoria degli automi, un trattamento solido sulla costruzione di prove, molte figure e diagrammi per aiutare a trasmettere le idee, e barre laterali per evidenziare il materiale correlato. Ogni capitolo offre un'abbondanza di esercizi per l'apprendimento pratico.
Teradata Cookbook: Over 85 recipes to implement efficient data warehousing solutions
by Abhinav Khandelwal Rajsekhar BhamidipatiData management and analytics simplified with Teradata Key Features Take your understanding of Teradata to the next level and build efficient data warehousing applications for your organization Covers recipes on data handling, warehousing, advanced querying and the administrative tasks in Teradata. Contains practical solutions to tackle common (and not-so-common) problems you might encounter in your day to day activities Book Description Teradata is an enterprise software company that develops and sells its eponymous relational database management system (RDBMS), which is considered to be a leading data warehousing solutions and provides data management solutions for analytics. This book will help you get all the practical information you need for the creation and implementation of your data warehousing solution using Teradata. The book begins with recipes on quickly setting up a development environment so you can work with different types of data structuring and manipulation function. You will tackle all problems related to efficient querying, stored procedure searching, and navigation techniques. Additionally, you’ll master various administrative tasks such as user and security management, workload management, high availability, performance tuning, and monitoring. This book is designed to take you through the best practices of performing the real daily tasks of a Teradata DBA, and will help you tackle any problem you might encounter in the process. What you will learn Understand Teradata's competitive advantage over other RDBMSs. Use SQL to process data stored in Teradata tables. Leverage Teradata’s available application utilities and parallelism to play with large datasets Apply various performance tuning techniques to optimize the queries. Acquire deeper knowledge and understanding of the Teradata Architecture. Easy steps to load, archive, restore data and implement Teradata protection features Gain confidence in running a wide variety of Data analytics and develop applications for the Teradata environment Who this book is for This book is for Database administrator's and Teradata users who are looking for a practical, one-stop resource to solve all their problems while handling their Teradata solution. If you are looking to learn the basic as well as the advanced tasks involved in Teradata querying or administration, this book will be handy. Some knowledge of relational database concepts will be helpful to get the best out of this book.
Terahertz Imaging for Biomedical Applications
by Brian W.-H. Ng Xiaoxia Yin Derek AbbottTerahertz biomedical imaging has become an area of interest due to its ability to simultaneously acquire both image and spectral information. Terahertz imaging systems are being commercialized, with increasing trials performed in a biomedical setting. As a result, advanced digital image processing algorithms are needed to assist screening, diagnosis, and treatment. "Pattern Recognition and Tomographic Reconstruction" presents these necessary algorithms, which will play a critical role in the accurate detection of abnormalities present in biomedical imaging. Terhazertz tomographic imaging and detection technology contributes to the ability to identify opaque objects with clear boundaries, and would be useful to both in vivo and ex vivo environments, making this book a must-read for anyone in the field of biomedical engineering and digital imaging.
Terminological Dictionary of Automatic Control, Systems and Robotics (Intelligent Systems, Control and Automation: Science and Engineering #104)
by Tadej Bajd Juš Kocijan Gorazd Karer Rihard Karba Mojca Žagar KarerThis dictionary contains terms from the fields of automatic control, which includes mathematical modelling, simulation of dynamic systems, automation technology with its corresponding elements, and robotics. It also includes signal processing, information technologies and production technologies.The terminological dictionary is primarily aimed at experts and students who deal with control technology and dynamic systems in both technical and non-technical domains. To be able to use the dictionary, at least basic knowledge in this field is required. In the dictionary users will find concise terminological definitions. A concept may be designated by different terms; therefore, cross-references are used. The aim of the dictionary is to collect and unify – at least to an achievable extent – the terminology in the field of automatic control, dynamic systems and robotics.
Terminologie: Zum 25-jährigen Bestehen des Rats für Deutschsprachige Terminologie (Kommunikation und Medienmanagement)
by Petra Drewer Donatella PulitanoAlle, die sich mit fachsprachlichen Texten beschäftigen, beschäftigen sich automatisch auch mit Terminologie: Beim Lesen von Fachtexten nehmen sie die darin enthaltene Terminologie auf, beim Verfassen von Fachtexten verwenden oder produzieren sie Terminologie, beim Fachübersetzen übertragen sie Terminologie in andere Sprachen.Im Laufe der Zeit haben sich Methoden und Verfahren entwickelt, wie man professionell und effizient mit Terminologie arbeitet. Die Auseinandersetzung mit den Grundsätzen der Terminologiearbeit hat sich zu einer wissenschaftlichen Disziplin entwickelt.Der Rat für Deutschsprachige Terminologie (RaDT) wurde 1994 als Initiative der UNESCO-Kommissionen Deutschlands, Österreichs und der Schweiz gegründet, um terminologische Aktivitäten zu fördern. Zu seinem 25-jährigen Bestehen erscheint nun dieser Sammelband, der einen Überblick über das vielfältige Schaffen und das gesamte Themenspektrum der RaDT-Mitglieder bietet.Um die verschiedenen Perspektiven innerhalb der RaDT-Gemeinschaft angemessen wiederzugeben, umfasst der Band vier Themenbereiche:1. Vielfalt an Epochen2. Vielfalt an Schwerpunkten3. Vielfalt an Umsetzungen (in öffentlichen Institutionen)4. Vielfalt an Umsetzungen (in der Privatwirtschaft)Dieser Sammelband richtet sich an alle, die sich mit Terminologie, Terminologiewissenschaft oder Terminologiearbeit befassen, insbesondere in Unternehmensbereichen wie Sprachmanagement, Terminologiemanagement, Corporate Language, Wissensmanagement, sowie an Studierende und Wissenschaftler in den entsprechenden Disziplinen.
Terminology Saturation: Detection, Measurement and Use (Cognitive Science and Technology)
by Vadim Ermolayev Victoria KosaThis book highlights an innovative approach for extracting terminological cores from subject domain-bounded collections of professional texts. The approach is based on exploiting the phenomenon of terminological saturation. The book presents the formal framework for the method of detecting and measuring terminological saturation as a successive approximation process. It further offers the suite of the algorithms that implement the method in the software and comprehensively evaluates all the aspects of the method and possible input configurations in the experiments on synthetic and real collections of texts in several subject domains. The book demonstrates the use of the developed method and software pipeline in industrial and academic use cases. It also outlines the potential benefits of the method for the adoption in industry.
Terms of Service: Social Media and the Price of Constant Connection
by Jacob SilvermanSocial networking has grown into a staple of modern society, but its continued evolution is becoming increasingly detrimental to our lives. Shifts in communication and privacy are affecting us more than we realize or understand. Terms of Service crystalizes this current moment in technology and contemplates its implications: the identity-validating pleasures and perils of online visibility; our newly adopted view of daily life through the lens of what is share-worthy; and the surveillance state operated by social media platforms—Facebook, Google, Twitter, and others—to mine our personal data for advertising revenue, an invasion of our lives that is as pervasive as government spying.Jacob Silverman calls for social media users to take back ownership of their digital selves from the Silicon Valley corporations who claim to know what's best for them. Integrating politics, sociology, national security, pop culture, and technology, he reveals the surprising conformity at the heart of Internet culture—explaining how social media companies engineer their products to encourage shallow engagement and discourage dissent. Reflecting on the collapsed barriers between our private and public lives, Silverman brings into focus the inner conflict we feel when deciding what to share and what to "like," and explains how we can take the steps we need to free ourselves from its grip.
Terraform Cookbook: Efficiently define, launch, and manage Infrastructure as Code across various cloud platforms
by Mikael KriefThis book is for developers, operators, and DevOps engineers looking to improve their workflow and use Infrastructure as Code. Experience with Microsoft Azure, Jenkins, shell scripting, and DevOps practices is required to get the most out of this Terraform book.
Terraform Cookbook: Master Infrastructure as Code efficiency with real-world Azure automation using Terraform
by Mikael KriefExplore how to provision, manage, and scale your infrastructure using Infrastructure as Code (IaC) with Terraform Purchase of the print or Kindle book includes a free PDF eBookKey FeaturesGet up and running with Terraform (v1+) CLI and automate infrastructure provisioningDiscover how to deploy Kubernetes resources with TerraformBecome a Terraform troubleshooting expert for streamlined infrastructure management and minimal downtimeBook DescriptionImagine effortlessly provisioning complex cloud infrastructure across various cloud platforms, all while ensuring robustness, reusability, and security. Introducing the Terraform Cookbook, Second Edition - your go-to guide for mastering Infrastructure as Code (IaC) effortlessly. This new edition is packed with real-world examples for provisioning robust Cloud infrastructure mainly across Azure but also with a dedicated chapter for AWS and GCP. You will delve into manual and automated testing with Terraform configurations, creating and managing a balanced, efficient, reusable infrastructure with Terraform modules. You will learn how to automate the deployment of Terraform configurations through continuous integration and continuous delivery (CI/CD), unleashing Terraform's full potential. New chapters have been added that describe the use of Terraform for Docker and Kubernetes, and explain how to test Terraform configurations using different tools to check code and security compliance. The book devotes an entire chapter to achieving proficiency in Terraform Cloud, covering troubleshooting strategies for common issues and offering resolutions to frequently encountered errors. Get the insider knowledge to boost productivity with Terraform - the indispensable guide for anyone adopting Infrastructure as Code solutions.What you will learnUse Terraform to build and run cloud and Kubernetes infrastructure using IaC best practicesAdapt the Terraform command line adapted to appropriate use casesAutomate the deployment of Terraform confi guration with CI/CDDiscover manipulation of the Terraform state by adding or removing resourcesExplore Terraform for Docker and Kubernetes deployment, advanced topics on GitOps practices, and Cloud Development Kit (CDK)Add and apply test code and compliance security in Terraform configurationDebug and troubleshoot common Terraform errorsWho this book is forThis book is for developers, operators, and DevOps engineers looking to improve their workflow and use Infrastructure as Code. If you find yourself spending too much time on manual infrastructure provisioning, struggling to manage complex deployments across environments, or facing unexpected downtime due to infrastructure issues then this book is meant for you. Experience with Microsoft Azure, Jenkins, shell scripting, and DevOps practices is required to get the most out of this Terraform book.