Your email was sent successfully. Check your inbox.

An error occurred while sending the email. Please try again.

Proceed reservation?

Export
  • 1
    ISBN: 9781789800753 , 1789800757
    Language: English
    Pages: 1 online resource (1 volume) , illustrations
    Edition: Second edition.
    Keywords: Python (Computer program language) ; Machine learning ; Electronic books ; Electronic books ; local
    Abstract: Discover powerful ways to effectively solve real-world machine learning problems using key libraries including scikit-learn, TensorFlow, and PyTorch Key Features Learn and implement machine learning algorithms in a variety of real-life scenarios Cover a range of tasks catering to supervised, unsupervised and reinforcement learning techniques Find easy-to-follow code solutions for tackling common and not-so-common challenges Book Description This eagerly anticipated second edition of the popular Python Machine Learning Cookbook will enable you to adopt a fresh approach to dealing with real-world machine learning and deep learning tasks. With the help of over 100 recipes, you will learn to build powerful machine learning applications using modern libraries from the Python ecosystem. The book will also guide you on how to implement various machine learning algorithms for classification, clustering, and recommendation engines, using a recipe-based approach. With emphasis on practical solutions, dedicated sections in the book will help you to apply supervised and unsupervised learning techniques to real-world problems. Toward the concluding chapters, you will get to grips with recipes that teach you advanced techniques including reinforcement learning, deep neural networks, and automated machine learning. By the end of this book, you will be equipped with the skills you need to apply machine learning techniques and leverage the full capabilities of the Python ecosystem through real-world examples. What you will learn Use predictive modeling and apply it to real-world problems Explore data visualization techniques to interact with your data Learn how to build a recommendation engine Understand how to interact with text data and build models to analyze it Work with speech data and recognize spoken words using Hidden Markov Models Get well versed with reinforcement learning, automated ML, and transfer learning Work with image data and build systems for image recognition and biometric face recognition Use deep neural networks to build an optical character recognition system Who this book is for This book is for data scientists, machine learning developers, deep learning enthusiasts and Python programmers who want to solve real-world challenges using machine-learning techniques and algorithms. If you are facing challenges at work and want ready-to-use code solutions to cover key tasks in machine learning and the deep learning domain, then this book is w...
    Note: Previous edition published: 2016. - Includes bibliographical references. - Description based on online resource; title from title page (Safari, viewed May 15, 2019)
    Library Location Call Number Volume/Issue/Year Availability
    BibTip Others were also interested in ...
  • 2
    ISBN: 9781789349276 , 1789349273
    Language: English
    Pages: 1 online resource (1 volume) , illustrations
    Keywords: Python (Computer program language) ; Artificial intelligence ; Machine learning ; Electronic books ; Electronic books ; local
    Abstract: Discover the skill-sets required to implement various approaches to Machine Learning with Python Key Features Explore unsupervised learning with clustering, autoencoders, restricted Boltzmann machines, and more Build your own neural network models using modern Python libraries Practical examples show you how to implement different machine learning and deep learning techniques Book Description Unsupervised learning is about making use of raw, untagged data and applying learning algorithms to it to help a machine predict its outcome. With this book, you will explore the concept of unsupervised learning to cluster large sets of data and analyze them repeatedly until the desired outcome is found using Python. This book starts with the key differences between supervised, unsupervised, and semi-supervised learning. You will be introduced to the best-used libraries and frameworks from the Python ecosystem and address unsupervised learning in both the machine learning and deep learning domains. You will explore various algorithms, techniques that are used to implement unsupervised learning in real-world use cases. You will learn a variety of unsupervised learning approaches, including randomized optimization, clustering, feature selection and transformation, and information theory. You will get hands-on experience with how neural networks can be employed in unsupervised scenarios. You will also explore the steps involved in building and training a GAN in order to process images. By the end of this book, you will have learned the art of unsupervised learning for different real-world challenges. What you will learn Use cluster algorithms to identify and optimize natural groups of data Explore advanced non-linear and hierarchical clustering in action Soft label assignments for fuzzy c-means and Gaussian mixture models Detect anomalies through density estimation Perform principal component analysis using neural network models Create unsupervised models using GANs Who this book is for This book is intended for statisticians, data scientists, machine learning developers, and deep learning practitioners who want to build smart applications by implementing key building block unsupervised learning, and master all the new techniques and algorithms offered in machine learning and deep learning using real-world examples. Some prior knowledge of machine learning concepts and statistics is desirable.
    Note: Includes bibliographical references. - Description based on online resource; title from title page (Safari, viewed April 18, 2019)
    Library Location Call Number Volume/Issue/Year Availability
    BibTip Others were also interested in ...
  • 3
    ISBN: 9781838641269 , 1838641262
    Language: English
    Pages: 1 online resource (1 volume) , illustrations
    Series Statement: Learning path
    Keywords: Computer vision ; OpenCV (Computer program language) ; Image processing ; Computer algorithms ; Electronic books ; Electronic books ; local
    Abstract: Delve into practical computer vision and image processing projects and get up to speed with advanced object detection techniques and machine learning algorithms Key Features Discover best practices for engineering and maintaining OpenCV projects Explore important deep learning tools for image classification Understand basic image matrix formats and filters Book Description OpenCV is one of the best open source libraries available and can help you focus on constructing complete projects on image processing, motion detection, and image segmentation. This Learning Path is your guide to understanding OpenCV concepts and algorithms through real-world examples and activities. Through various projects, you'll also discover how to use complex computer vision and machine learning algorithms and face detection to extract the maximum amount of information from images and videos. In later chapters, you'll learn to enhance your videos and images with optical flow analysis and background subtraction. Sections in the Learning Path will help you get to grips with text segmentation and recognition, in addition to guiding you through the basics of the new and improved deep learning modules. By the end of this Learning Path, you will have mastered commonly used computer vision techniques to build OpenCV projects from scratch. This Learning Path includes content from the following Packt books: Mastering OpenCV 4 - Third Edition by Roy Shilkrot and David Millan Escriva Learn OpenCV 4 By Building Projects - Second Edition by David Millan Escriva, Vinicius G. Mendonca, and Prateek Joshi What you will learn Stay up-to-date with algorithmic design approaches for complex computer vision tasks Work with OpenCV's most up-to-date API through various projects Understand 3D scene reconstruction and Structure from Motion (SfM) Study camera calibration and overlay augmented reality (AR) using the ArUco module Create CMake scripts to compile your C++ application Explore segmentation and feature extraction techniques Remove backgrounds from static scenes to identify moving objects for surveillance Work with new OpenCV functions to detect and recognize text with Tesseract Who this book is for If you are a software developer with a basic understanding of computer vision and image processing and want to develop interesting computer vision applications with OpenCV, this Learning Path is for you. Prior knowledge of C++ and familiarity with mathematical concepts will help you better ...
    Note: Includes bibliographical references. - Description based on online resource; title from title page (Safari, viewed May 15, 2019)
    Library Location Call Number Volume/Issue/Year Availability
    BibTip Others were also interested in ...
  • 4
    ISBN: 9781789345483 , 1789345480
    Language: English
    Pages: 1 online resource (1 volume) , illustrations
    Edition: Second edition.
    Keywords: Machine learning ; Computer algorithms ; Electronic books ; Electronic books ; local
    Abstract: An easy-to-follow, step-by-step guide for getting to grips with the real-world application of machine learning algorithms Key Features Explore statistics and complex mathematics for data-intensive applications Discover new developments in EM algorithm, PCA, and bayesian regression Study patterns and make predictions across various datasets Book Description Machine learning has gained tremendous popularity for its powerful and fast predictions with large datasets. However, the true forces behind its powerful output are the complex algorithms involving substantial statistical analysis that churn large datasets and generate substantial insight. This second edition of Machine Learning Algorithms walks you through prominent development outcomes that have taken place relating to machine learning algorithms, which constitute major contributions to the machine learning process and help you to strengthen and master statistical interpretation across the areas of supervised, semi-supervised, and reinforcement learning. Once the core concepts of an algorithm have been covered, you'll explore real-world examples based on the most diffused libraries, such as scikit-learn, NLTK, TensorFlow, and Keras. You will discover new topics such as principal component analysis (PCA), independent component analysis (ICA), Bayesian regression, discriminant analysis, advanced clustering, and gaussian mixture. By the end of this book, you will have studied machine learning algorithms and be able to put them into production to make your machine learning applications more innovative. What you will learn Study feature selection and the feature engineering process Assess performance and error trade-offs for linear regression Build a data model and understand how it works by using different types of algorithm Learn to tune the parameters of Support Vector Machines (SVM) Explore the concept of natural language processing (NLP) and recommendation systems Create a machine learning architecture from scratch Who this book is for Machine Learning Algorithms is for you if you are a machine learning engineer, data engineer, or junior data scientist who wants to advance in the field of predictive analytics and machine learning. Familiarity with R and Python will be an added advantage for getting the best from this book. Downloading the example code for this book You can download the example code files for all Packt books you have purchased from your account at http://www.PacktPub.com. I...
    Note: Previous edition published: 2017. - Description based on online resource; title from title page (Safari, viewed October 2, 2018)
    Library Location Call Number Volume/Issue/Year Availability
    BibTip Others were also interested in ...
  • 5
    ISBN: 9781789951721 , 1789951720
    Language: English
    Pages: 1 online resource (1 volume) , illustrations
    Series Statement: Learning path
    Keywords: Python (Computer program language) ; Artificial intelligence ; Machine learning ; Electronic books ; Electronic books ; local
    Abstract: Demystify the complexity of machine learning techniques and create evolving, clever solutions to solve your problems Key Features Master supervised, unsupervised, and semi-supervised ML algorithms and their implementation Build deep learning models for object detection, image classification, similarity learning, and more Build, deploy, and scale end-to-end deep neural network models in a production environment Book Description This Learning Path is your complete guide to quickly getting to grips with popular machine learning algorithms. You'll be introduced to the most widely used algorithms in supervised, unsupervised, and semi-supervised machine learning, and learn how to use them in the best possible manner. Ranging from Bayesian models to the MCMC algorithm to Hidden Markov models, this Learning Path will teach you how to extract features from your dataset and perform dimensionality reduction by making use of Python-based libraries. You'll bring the use of TensorFlow and Keras to build deep learning models, using concepts such as transfer learning, generative adversarial networks, and deep reinforcement learning. Next, you'll learn the advanced features of TensorFlow1.x, such as distributed TensorFlow with TF clusters, deploy production models with TensorFlow Serving. You'll implement different techniques related to object classification, object detection, image segmentation, and more. By the end of this Learning Path, you'll have obtained in-depth knowledge of TensorFlow, making you the go-to person for solving artificial intelligence problems This Learning Path includes content from the following Packt products: Mastering Machine Learning Algorithms by Giuseppe Bonaccorso Mastering TensorFlow 1.x by Armando Fandango Deep Learning for Computer Vision by Rajalingappaa Shanmugamani What you will learn Explore how an ML model can be trained, optimized, and evaluated Work with Autoencoders and Generative Adversarial Networks Explore the most important Reinforcement Learning techniques Build end-to-end deep learning (CNN, RNN, and Autoencoders) models Who this book is for This Learning Path is for data scientists, machine learning engineers, artificial intelligence engineers who want to delve into complex machine learning algorithms, calibrate models, and improve the predictions of the trained model. You will encounter the advanced intricacies and complex use cases of deep learning and AI. A basic knowledge of programming in Python and some un...
    Note: Description based on online resource; title from cover (Safari, viewed February 22, 2019)
    Library Location Call Number Volume/Issue/Year Availability
    BibTip Others were also interested in ...
  • 6
    ISBN: 9781788396769 , 1788396766
    Language: English
    Pages: 1 online resource (1 volume) , illustrations
    Edition: Second edition.
    Keywords: Python (Computer program language) ; OpenCV (Computer program language) ; Computer vision ; Application software ; Development ; Cloud computing ; Electronic books ; Electronic books ; local
    Abstract: Learn the techniques for object recognition, 3D reconstruction, stereo imaging, and other computer vision applications using examples on different functions of OpenCV. About This Book Learn how to apply complex visual effects to images with OpenCV 3.x and Python Extract features from an image and use them to develop advanced applications Build algorithms to help you understand image content and perform visual searches Get to grips with advanced techniques in OpenCV such as machine learning, artificial neural network, 3D reconstruction, and augmented reality Who This Book Is For This book is intended for Python developers who are new to OpenCV and want to develop computer vision applications with OpenCV and Python. This book is also useful for generic software developers who want to deploy computer vision applications on the cloud. It would be helpful to have some familiarity with basic mathematical concepts such as vectors, matrices, and so on. What You Will Learn Detect shapes and edges from images and videos How to apply filters on images and videos Use different techniques to manipulate and improve images Extract and manipulate particular parts of images and videos Track objects or colors from videos Recognize specific object or faces from images and videos How to create Augmented Reality applications Apply artificial neural networks and machine learning to improve object recognition In Detail Computer vision is found everywhere in modern technology. OpenCV for Python enables us to run computer vision algorithms in real time. With the advent of powerful machines, we have more processing power to work with. Using this technology, we can seamlessly integrate our computer vision applications into the cloud. Focusing on OpenCV 3.x and Python 3.6, this book will walk you through all the building blocks needed to build amazing computer vision applications with ease. We start off by manipulating images using simple filtering and geometric transformations. We then discuss affine and projective transformations and see how we can use them to apply cool advanced manipulations to your photos like resizing them while keeping the content intact or smoothly removing undesired elements. We will then cover techniques of object tracking, body part recognition, and object recognition using advanced techniques of machine learning such as artificial neural network. 3D reconstruction and augmented reality techniques are also included. The book covers popular Ope...
    Note: Previous edition published: 2015. - Description based on online resource; title from title page (Safari, viewed February 21, 2018)
    Library Location Call Number Volume/Issue/Year Availability
    BibTip Others were also interested in ...
  • 7
    ISBN: 9781788625906 , 1788625900
    Language: English
    Pages: 1 online resource (1 volume) , illustrations
    Keywords: Machine learning ; Computer algorithms ; Electronic books ; Electronic books ; local
    Abstract: Explore and master the most important algorithms for solving complex machine learning problems. About This Book Discover high-performing machine learning algorithms and understand how they work in depth. One-stop solution to mastering supervised, unsupervised, and semi-supervised machine learning algorithms and their implementation. Master concepts related to algorithm tuning, parameter optimization, and more Who This Book Is For This book is an ideal and relevant source of content for data science professionals who want to delve into complex machine learning algorithms, calibrate models, and improve the predictions of the trained model. A basic knowledge of machine learning is preferred to get the best out of this guide. What You Will Learn Explore how a ML model can be trained, optimized, and evaluated Understand how to create and learn static and dynamic probabilistic models Successfully cluster high-dimensional data and evaluate model accuracy Discover how artificial neural networks work and how to train, optimize, and validate them Work with Autoencoders and Generative Adversarial Networks Apply label spreading and propagation to large datasets Explore the most important Reinforcement Learning techniques In Detail Machine learning is a subset of AI that aims to make modern-day computer systems smarter and more intelligent. The real power of machine learning resides in its algorithms, which make even the most difficult things capable of being handled by machines. However, with the advancement in the technology and requirements of data, machines will have to be smarter than they are today to meet the overwhelming data needs; mastering these algorithms and using them optimally is the need of the hour. Mastering Machine Learning Algorithms is your complete guide to quickly getting to grips with popular machine learning algorithms. You will be introduced to the most widely used algorithms in supervised, unsupervised, and semi-supervised machine learning, and will learn how to use them in the best possible manner. Ranging from Bayesian models to the MCMC algorithm to Hidden Markov models, this book will teach you how to extract features from your dataset and perform dimensionality reduction by making use of Python-based libraries such as scikit-learn. You will also learn how to use Keras and TensorFlow to train effective neural networks. If you are looking for a single resource to study, implement, and solve end-to-end machine learning problems...
    Note: Description based on online resource; title from title page (Safari, viewed June 29, 2018)
    Library Location Call Number Volume/Issue/Year Availability
    BibTip Others were also interested in ...
  • 8
    ISBN: 9781789347623 , 1789347629
    Language: English
    Pages: 1 online resource (1 volume) , illustrations
    Edition: Second edition.
    Keywords: Computer vision ; OpenCV (Computer program language) ; Image processing ; Computer algorithms ; Electronic books ; Electronic books ; local
    Abstract: Explore OpenCV 4 to create visually appealing cross-platform computer vision applications Key Features Understand basic OpenCV 4 concepts and algorithms Grasp advanced OpenCV techniques such as 3D reconstruction, machine learning, and artificial neural networks Work with Tesseract OCR, an open-source library to recognize text in images Book Description OpenCV is one of the best open source libraries available, and can help you focus on constructing complete projects on image processing, motion detection, and image segmentation. Whether you're completely new to computer vision, or have a basic understanding of its concepts, Learn OpenCV 4 by Building Projects ? Second edition will be your guide to understanding OpenCV concepts and algorithms through real-world examples and projects. You'll begin with the installation of OpenCV and the basics of image processing. Then, you'll cover user interfaces and get deeper into image processing. As you progress through the book, you'll learn complex computer vision algorithms and explore machine learning and face detection. The book then guides you in creating optical flow video analysis and background subtraction in complex scenes. In the concluding chapters, you'll also learn about text segmentation and recognition and understand the basics of the new and improved deep learning module. By the end of this book, you'll be familiar with the basics of Open CV, such as matrix operations, filters, and histograms, and you'll have mastered commonly used computer vision techniques to build OpenCV projects from scratch. What you will learn Install OpenCV 4 on your operating system Create CMake scripts to compile your C++ application Understand basic image matrix formats and filters Explore segmentation and feature extraction techniques Remove backgrounds from static scenes to identify moving objects for surveillance Employ various techniques to track objects in a live video Work with new OpenCV functions for text detection and recognition with Tesseract Get acquainted with important deep learning tools for image classification Who this book is for If you are a software developer with a basic understanding of computer vision and image processing and want to develop interesting computer vision applications with OpenCV, Learn OpenCV 4 by Building Projects for you. Prior knowledge of C++ will help you understand the concepts covered in this book.
    Note: Previous edition published: 2016. - Includes bibliographical references. - Description based on online resource; title from title page (Safari, viewed February 1, 2019)
    Library Location Call Number Volume/Issue/Year Availability
    BibTip Others were also interested in ...
  • 9
    ISBN: 9781785884511 , 1785884514
    Language: English
    Pages: 1 online resource (1 volume) , illustrations
    Keywords: Machine learning ; Computer algorithms ; Electronic books ; Electronic books ; local
    Abstract: Build strong foundation for entering the world of Machine Learning and data science with the help of this comprehensive guide About This Book Get started in the field of Machine Learning with the help of this solid, concept-rich, yet highly practical guide. Your one-stop solution for everything that matters in mastering the whats and whys of Machine Learning algorithms and their implementation. Get a solid foundation for your entry into Machine Learning by strengthening your roots (algorithms) with this comprehensive guide. Who This Book Is For This book is for IT professionals who want to enter the field of data science and are very new to Machine Learning. Familiarity with languages such as R and Python will be invaluable here. What You Will Learn Acquaint yourself with important elements of Machine Learning Understand the feature selection and feature engineering process Assess performance and error trade-offs for Linear Regression Build a data model and understand how it works by using different types of algorithm Learn to tune the parameters of Support Vector machines Implement clusters to a dataset Explore the concept of Natural Processing Language and Recommendation Systems Create a ML architecture from scratch. In Detail As the amount of data continues to grow at an almost incomprehensible rate, being able to understand and process data is becoming a key differentiator for competitive organizations. Machine learning applications are everywhere, from self-driving cars, spam detection, document search, and trading strategies, to speech recognition. This makes machine learning well-suited to the present-day era of Big Data and Data Science. The main challenge is how to transform data into actionable knowledge. In this book you will learn all the important Machine Learning algorithms that are commonly used in the field of data science. These algorithms can be used for supervised as well as unsupervised learning, reinforcement learning, and semi-supervised learning. A few famous algorithms that are covered in this book are Linear regression, Logistic Regression, SVM, Naive Bayes, K-Means, Random Forest, TensorFlow, and Feature engineering. In this book you will also learn how these algorithms work and their practical implementation to resolve your problems. This book will also introduce you to the Natural Processing Language and Recommendation systems, which help you run multiple algorithms simultaneously. On completion of the book you will...
    Note: Description based on online resource; title from title page (Safari, viewed August 17, 2017)
    Library Location Call Number Volume/Issue/Year Availability
    BibTip Others were also interested in ...
  • 10
    ISBN: 9781786469670 , 1786469677
    Language: English
    Pages: 1 online resource (1 volume) , illustrations
    Keywords: Python (Computer program language) ; Artificial intelligence ; Data processing ; Application software ; Development ; Electronic books ; Electronic books ; local
    Abstract: Build real-world Artificial Intelligence applications with Python to intelligently interact with the world around you About This Book Step into the amazing world of intelligent apps using this comprehensive guide Enter the world of Artificial Intelligence, explore it, and create your own applications Work through simple yet insightful examples that will get you up and running with Artificial Intelligence in no time Who This Book Is For This book is for Python developers who want to build real-world Artificial Intelligence applications. This book is friendly to Python beginners, but being familiar with Python would be useful to play around with the code. It will also be useful for experienced Python programmers who are looking to use Artificial Intelligence techniques in their existing technology stacks. What You Will Learn Realize different classification and regression techniques Understand the concept of clustering and how to use it to automatically segment data See how to build an intelligent recommender system Understand logic programming and how to use it Build automatic speech recognition systems Understand the basics of heuristic search and genetic programming Develop games using Artificial Intelligence Learn how reinforcement learning works Discover how to build intelligent applications centered on images, text, and time series data See how to use deep learning algorithms and build applications based on it In Detail Artificial Intelligence is becoming increasingly relevant in the modern world where everything is driven by technology and data. It is used extensively across many fields such as search engines, image recognition, robotics, finance, and so on. We will explore various real-world scenarios in this book and you'll learn about various algorithms that can be used to build Artificial Intelligence applications. During the course of this book, you will find out how to make informed decisions about what algorithms to use in a given context. Starting from the basics of Artificial Intelligence, you will learn how to develop various building blocks using different data mining techniques. You will see how to implement different algorithms to get the best possible results, and will understand how to apply them to real-world scenarios. If you want to add an intelligence layer to any application that's based on images, text, stock market, or some other form of data, this exciting book on Artificial Intelligence will definitely be your guid...
    Note: Description based on online resource; title from cover (Safari, viewed March 3, 2017)
    Library Location Call Number Volume/Issue/Year Availability
    BibTip Others were also interested in ...
  • 11
    ISBN: 9781787120679 , 1787120678
    Language: English
    Pages: 1 online resource (1 volume) , illustrations
    Keywords: Python (Computer program language) ; Machine learning ; Electronic books ; Electronic books ; local
    Abstract: Learn to solve challenging data science problems by building powerful machine learning models using Python About This Book Understand which algorithms to use in a given context with the help of this exciting recipe-based guide This practical tutorial tackles real-world computing problems through a rigorous and effective approach Build state-of-the-art models and develop personalized recommendations to perform machine learning at scale Who This Book Is For This Learning Path is for Python programmers who are looking to use machine learning algorithms to create real-world applications. It is ideal for Python professionals who want to work with large and complex datasets and Python developers and analysts or data scientists who are looking to add to their existing skills by accessing some of the most powerful recent trends in data science. Experience with Python, Jupyter Notebooks, and command-line execution together with a good level of mathematical knowledge to understand the concepts is expected. Machine learning basic knowledge is also expected. What You Will Learn Use predictive modeling and apply it to real-world problems Understand how to perform market segmentation using unsupervised learning Apply your new-found skills to solve real problems, through clearly-explained code for every technique and test Compete with top data scientists by gaining a practical and theoretical understanding of cutting-edge deep learning algorithms Increase predictive accuracy with deep learning and scalable data-handling techniques Work with modern state-of-the-art large-scale machine learning techniques Learn to use Python code to implement a range of machine learning algorithms and techniques In Detail Machine learning is increasingly spreading in the modern data-driven world. It is used extensively across many fields such as search engines, robotics, self-driving cars, and more. Machine learning is transforming the way we understand and interact with the world around us. In the first module, Python Machine Learning Cookbook, you will learn how to perform various machine learning tasks using a wide variety of machine learning algorithms to solve real-world problems and use Python to implement these algorithms. The second module, Advanced Machine Learning with Python, is designed to take you on a guided tour of the most relevant and powerful machine learning techniques and you'll acquire a broad set of powerful skills in the area of feature selection and fea...
    Note: Includes bibliographical references and index. - Description based on online resource; title from cover (Safari, viewed December 6, 2016)
    Library Location Call Number Volume/Issue/Year Availability
    BibTip Others were also interested in ...
  • 12
    ISBN: 9781787123847 , 1787123847
    Language: English
    Pages: 1 online resource (1 volume) , illustrations.
    Series Statement: Learning path
    Keywords: Computer vision ; Image processing ; Python (Computer program language) ; Electronic books ; Electronic books ; local
    Abstract: Get savvy with OpenCV and actualize cool computer vision applications About This Book Use OpenCV's Python bindings to capture video, manipulate images, and track objects Learn about the different functions of OpenCV and their actual implementations. Develop a series of intermediate to advanced projects using OpenCV and Python Who This Book Is For This learning path is for someone who has a working knowledge of Python and wants to try out OpenCV. This Learning Path will take you from a beginner to an expert in computer vision applications using OpenCV. OpenCV's application are humongous and this Learning Path is the best resource to get yourself acquainted thoroughly with OpenCV. What You Will Learn Install OpenCV and related software such as Python, NumPy, SciPy, OpenNI, and SensorKinect - all on Windows, Mac or Ubuntu Apply "curves" and other color transformations to simulate the look of old photos, movies, or video games Apply geometric transformations to images, perform image filtering, and convert an image into a cartoon-like image Recognize hand gestures in real time and perform hand-shape analysis based on the output of a Microsoft Kinect sensor Reconstruct a 3D real-world scene from 2D camera motion and common camera reprojection techniques Detect and recognize street signs using a cascade classifier and support vector machines (SVMs) Identify emotional expressions in human faces using convolutional neural networks (CNNs) and SVMs Strengthen your OpenCV2 skills and learn how to use new OpenCV3 features In Detail OpenCV is a state-of-art computer vision library that allows a great variety of image and video processing operations. OpenCV for Python enables us to run computer vision algorithms in real time. This learning path proposes to teach the following topics. First, we will learn how to get started with OpenCV and OpenCV3's Python API, and develop a computer vision application that tracks body parts. Then, we will build amazing intermediate-level computer vision applications such as making an object disappear from an image, identifying different shapes, reconstructing a 3D map from images , and building an augmented reality application, Finally, we'll move to more advanced projects such as hand gesture recognition, tracking visually salient objects, as well as recognizing traffic signs and emotions on faces using support vector machines and multi-layer perceptrons respectively. This Learning Path combines some of the best that Packt ...
    Note: Authors: Joseph Howse, Prateek Joshi, Michael Beyeler. Cf. Credits page. - Includes bibliographical references and index. - Description based on online resource; title from title page (Safari, viewed November 4, 2016)
    Library Location Call Number Volume/Issue/Year Availability
    BibTip Others were also interested in ...
  • 13
    ISBN: 9781785287077 , 1785287079
    Language: English
    Pages: 1 online resource (1 volume) , illustrations.
    Series Statement: Community experience distilled
    Keywords: Computer vision ; Image processing ; Electronic books ; Electronic books ; local
    Abstract: Enhance your understanding of Computer Vision and image processing by developing real-world projects in OpenCV 3 About This Book Get to grips with the basics of Computer Vision and image processing This is a step-by-step guide to developing several real-world Computer Vision projects using OpenCV 3 This book takes a special focus on working with Tesseract OCR, a free, open-source library to recognize text in images Who This Book Is For If you are a software developer with a basic understanding of Computer Vision and image processing and want to develop interesting Computer Vision applications with Open CV, this is the book for you. Knowledge of C++ is required. What You Will Learn Install OpenCV 3 on your operating system Create the required CMake scripts to compile the C++ application and manage its dependencies Get to grips with the Computer Vision workflows and understand the basic image matrix format and filters Understand the segmentation and feature extraction techniques Remove backgrounds from a static scene to identify moving objects for video surveillance Track different objects in a live video using various techniques Use the new OpenCV functions for text detection and recognition with Tesseract In Detail Open CV is a cross-platform, free-for-use library that is primarily used for real-time Computer Vision and image processing. It is considered to be one of the best open source libraries that helps developers focus on constructing complete projects on image processing, motion detection, and image segmentation. Whether you are completely new to the concept of Computer Vision or have a basic understanding of it, this book will be your guide to understanding the basic OpenCV concepts and algorithms through amazing real-world examples and projects. Starting from the installation of OpenCV on your system and understanding the basics of image processing, we swiftly move on to creating optical flow video analysis or text recognition in complex scenes, and will take you through the commonly used Computer Vision techniques to build your own Open CV projects from scratch. By the end of this book, you will be familiar with the basics of Open CV such as matrix operations, filters, and histograms, as well as more advanced concepts such as segmentation, machine learning, complex video analysis, and text recognition. Style and approach This book is a practical guide with lots of tips, and is closely focused on developing Computer vision application...
    Note: Includes index. - Description based on online resource; title from cover (Safari, viewed Feburary 9, 2016)
    Library Location Call Number Volume/Issue/Year Availability
    BibTip Others were also interested in ...
  • 14
    ISBN: 9781786467683 , 1786467682
    Language: English
    Pages: 1 online resource (1 volume) , illustrations.
    Series Statement: Quick answers to common problems
    Keywords: Python (Computer program language) ; Machine learning ; Electronic books ; Electronic books ; local
    Abstract: 100 recipes that teach you how to perform various machine learning tasks in the real world About This Book Understand which algorithms to use in a given context with the help of this exciting recipe-based guide Learn about perceptrons and see how they are used to build neural networks Stuck while making sense of images, text, speech, and real estate? This guide will come to your rescue, showing you how to perform machine learning for each one of these using various techniques Who This Book Is For This book is for Python programmers who are looking to use machine-learning algorithms to create real-world applications. This book is friendly to Python beginners, but familiarity with Python programming would certainly be useful to play around with the code. What You Will Learn Explore classification algorithms and apply them to the income bracket estimation problem Use predictive modeling and apply it to real-world problems Understand how to perform market segmentation using unsupervised learning Explore data visualization techniques to interact with your data in diverse ways Find out how to build a recommendation engine Understand how to interact with text data and build models to analyze it Work with speech data and recognize spoken words using Hidden Markov Models Analyze stock market data using Conditional Random Fields Work with image data and build systems for image recognition and biometric face recognition Grasp how to use deep neural networks to build an optical character recognition system In Detail Machine learning is becoming increasingly pervasive in the modern data-driven world. It is used extensively across many fields such as search engines, robotics, self-driving cars, and more. With this book, you will learn how to perform various machine learning tasks in different environments. We'll start by exploring a range of real-life scenarios where machine learning can be used, and look at various building blocks. Throughout the book, you'll use a wide variety of machine learning algorithms to solve real-world problems and use Python to implement these algorithms. You'll discover how to deal with various types of data and explore the differences between machine learning paradigms such as supervised and unsupervised learning. We also cover a range of regression techniques, classification algorithms, predictive modeling, data visualization techniques, recommendation engines, and more with the help of real-world examples. Style and approach ...
    Note: Includes index. - Description based on online resource; title from cover (Safari, viewed July 12, 2016)
    Library Location Call Number Volume/Issue/Year Availability
    BibTip Others were also interested in ...
  • 15
    ISBN: 9781785289873 , 178528987X
    Language: English
    Pages: 1 online resource (1 volume) , illustrations.
    Series Statement: Community experience distilled
    Keywords: Python (Computer program language) ; Computer vision ; Application software ; Development ; Cloud computing ; Electronic books ; Electronic books ; local
    Abstract: Build real-world computer vision applications and develop cool demos using OpenCV for Python About This Book Learn how to apply complex visual effects to images using geometric transformations and image filters Extract features from an image and use them to develop advanced applications Build algorithms to help you understand the image content and perform visual searches Who This Book Is For This book is intended for Python developers who are new to OpenCV and want to develop computer vision applications with OpenCV-Python. This book is also useful for generic software developers who want to deploy computer vision applications on the cloud. It would be helpful to have some familiarity with basic mathematical concepts such as vectors, matrices, and so on. What You Will Learn Apply geometric transformations to images, perform image filtering, and convert an image into a cartoon-like image Detect and track various body parts such as the face, nose, eyes, ears, and mouth Stitch multiple images of a scene together to create a panoramic image Make an object disappear from an image Identify different shapes, segment an image, and track an object in a live video Recognize an object in an image and build a visual search engine Reconstruct a 3D map from images Build an augmented reality application In Detail Computer vision is found everywhere in modern technology. OpenCV for Python enables us to run computer vision algorithms in real time. With the advent of powerful machines, we are getting more processing power to work with. Using this technology, we can seamlessly integrate our computer vision applications into the cloud. Web developers can develop complex applications without having to reinvent the wheel. This book will walk you through all the building blocks needed to build amazing computer vision applications with ease. We start off with applying geometric transformations to images. We then discuss affine and projective transformations and see how we can use them to apply cool geometric effects to photos. We will then cover techniques used for object recognition, 3D reconstruction, stereo imaging, and other computer vision applications. This book will also provide clear examples written in Python to build OpenCV applications. The book starts off with simple beginner's level tasks such as basic processing and handling images, image mapping, and detecting images. It also covers popular OpenCV libraries with the help of examples. The book is a prac...
    Note: Includes index. - Description based on online resource; title from cover page (Safari, viewed October 13, 2015)
    Library Location Call Number Volume/Issue/Year Availability
    BibTip Others were also interested in ...
Close ⊗
This website uses cookies and the analysis tool Matomo. More information can be found here...