![]() |
![]() |
Your cart is empty |
||
Books > Computing & IT > Applications of computing > Artificial intelligence > Neural networks
Discover recipes for developing AI applications to solve a variety of real-world business problems using reinforcement learning Key Features Develop and deploy deep reinforcement learning-based solutions to production pipelines, products, and services Explore popular reinforcement learning algorithms such as Q-learning, SARSA, and the actor-critic method Customize and build RL-based applications for performing real-world tasks Book 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 learn Build deep reinforcement learning agents from scratch using the all-new TensorFlow 2.x and Keras API Implement state-of-the-art deep reinforcement learning algorithms using minimal code Build, train, and package deep RL agents for cryptocurrency and stock trading Deploy RL agents to the cloud and edge to test them by creating desktop, web, and mobile apps and cloud services Speed up agent development using distributed DNN model training Explore 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.
This excellent reference for all those involved in neural networks
research and application presents, in a single text, the necessary
aspects of parallel implementation for all major artificial neural
network models. The book details implementations on varoius
processor architectures (ring, torus, etc.) built on different
hardware platforms, ranging from large general purpose parallel
computers to custom built MIMD machines using transputers and DSPs.
Implement supervised, unsupervised, and generative deep learning (DL) models using Keras and Dopamine with TensorFlow Key Features Understand the fundamental machine learning concepts useful in deep learning Learn the underlying mathematical concepts as you implement deep learning models from scratch Explore easy-to-understand examples and use cases that will help you build a solid foundation in DL Book DescriptionWith information on the web exponentially increasing, it has become more difficult than ever to navigate through everything to find reliable content that will help you get started with deep learning. This book is designed to help you if you're a beginner looking to work on deep learning and build deep learning models from scratch, and you already have the basic mathematical and programming knowledge required to get started. The book begins with a basic overview of machine learning, guiding you through setting up popular Python frameworks. You will also understand how to prepare data by cleaning and preprocessing it for deep learning, and gradually go on to explore neural networks. A dedicated section will give you insights into the working of neural networks by helping you get hands-on with training single and multiple layers of neurons. Later, you will cover popular neural network architectures such as CNNs, RNNs, AEs, VAEs, and GANs with the help of simple examples, and learn how to build models from scratch. At the end of each chapter, you will find a question and answer section to help you test what you've learned through the course of the book. By the end of this book, you'll be well-versed with deep learning concepts and have the knowledge you need to use specific algorithms with various tools for different tasks. What you will learn Implement recurrent neural networks (RNNs) and long short-term memory (LSTM) for image classification and natural language processing tasks Explore the role of convolutional neural networks (CNNs) in computer vision and signal processing Discover the ethical implications of deep learning modeling Understand the mathematical terminology associated with deep learning Code a generative adversarial network (GAN) and a variational autoencoder (VAE) to generate images from a learned latent space Implement visualization techniques to compare AEs and VAEs Who this book is forThis book is for aspiring data scientists and deep learning engineers who want to get started with the fundamentals of deep learning and neural networks. Although no prior knowledge of deep learning or machine learning is required, familiarity with linear algebra and Python programming is necessary to get started.
Master advanced techniques and algorithms for deep learning with PyTorch using real-world examples Key Features Understand how to use PyTorch 1.x to build advanced neural network models Learn to perform a wide range of tasks by implementing deep learning algorithms and techniques Gain expertise in domains such as computer vision, NLP, Deep RL, Explainable AI, and much more Book DescriptionDeep learning is driving the AI revolution, and PyTorch is making it easier than ever before for anyone to build deep learning applications. This PyTorch book will help you uncover expert techniques to get the most out of your data and build complex neural network models. The book starts with a quick overview of PyTorch and explores using convolutional neural network (CNN) architectures for image classification. You'll then work with recurrent neural network (RNN) architectures and transformers for sentiment analysis. As you advance, you'll apply deep learning across different domains, such as music, text, and image generation using generative models and explore the world of generative adversarial networks (GANs). You'll not only build and train your own deep reinforcement learning models in PyTorch but also deploy PyTorch models to production using expert tips and techniques. Finally, you'll get to grips with training large models efficiently in a distributed manner, searching neural architectures effectively with AutoML, and rapidly prototyping models using PyTorch and fast.ai. By the end of this PyTorch book, you'll be able to perform complex deep learning tasks using PyTorch to build smart artificial intelligence models. What you will learn Implement text and music generating models using PyTorch Build a deep Q-network (DQN) model in PyTorch Export universal PyTorch models using Open Neural Network Exchange (ONNX) Become well-versed with rapid prototyping using PyTorch with fast.ai Perform neural architecture search effectively using AutoML Easily interpret machine learning (ML) models written in PyTorch using Captum Design ResNets, LSTMs, Transformers, and more using PyTorch Find out how to use PyTorch for distributed training using the torch.distributed API Who this book is forThis book is for data scientists, machine learning researchers, and deep learning practitioners looking to implement advanced deep learning paradigms using PyTorch 1.x. Working knowledge of deep learning with Python programming is required.
Publisher's Note: A new edition of this book is out now that includes working with GPT-3 and comparing the results with other models. It includes even more use cases, such as casual language analysis and computer vision tasks, as well as an introduction to OpenAI's Codex. Key Features Build and implement state-of-the-art language models, such as the original Transformer, BERT, T5, and GPT-2, using concepts that outperform classical deep learning models Go through hands-on applications in Python using Google Colaboratory Notebooks with nothing to install on a local machine Test transformer models on advanced use cases Book DescriptionThe transformer architecture has proved to be revolutionary in outperforming the classical RNN and CNN models in use today. With an apply-as-you-learn approach, Transformers for Natural Language Processing investigates in vast detail the deep learning for machine translations, speech-to-text, text-to-speech, language modeling, question answering, and many more NLP domains with transformers. The book takes you through NLP with Python and examines various eminent models and datasets within the transformer architecture created by pioneers such as Google, Facebook, Microsoft, OpenAI, and Hugging Face. The book trains you in three stages. The first stage introduces you to transformer architectures, starting with the original transformer, before moving on to RoBERTa, BERT, and DistilBERT models. You will discover training methods for smaller transformers that can outperform GPT-3 in some cases. In the second stage, you will apply transformers for Natural Language Understanding (NLU) and Natural Language Generation (NLG). Finally, the third stage will help you grasp advanced language understanding techniques such as optimizing social network datasets and fake news identification. By the end of this NLP book, you will understand transformers from a cognitive science perspective and be proficient in applying pretrained transformer models by tech giants to various datasets. What you will learn Use the latest pretrained transformer models Grasp the workings of the original Transformer, GPT-2, BERT, T5, and other transformer models Create language understanding Python programs using concepts that outperform classical deep learning models Use a variety of NLP platforms, including Hugging Face, Trax, and AllenNLP Apply Python, TensorFlow, and Keras programs to sentiment analysis, text summarization, speech recognition, machine translations, and more Measure the productivity of key transformers to define their scope, potential, and limits in production Who this book is forSince the book does not teach basic programming, you must be familiar with neural networks, Python, PyTorch, and TensorFlow in order to learn their implementation with Transformers. Readers who can benefit the most from this book include experienced deep learning & NLP practitioners and data analysts & data scientists who want to process the increasing amounts of language-driven data.
Leverage Python source code to revolutionize your short selling strategy and to consistently make profits in bull, bear, and sideways markets Key Features Understand techniques such as trend following, mean reversion, position sizing, and risk management in a short-selling context Implement Python source code to explore and develop your own investment strategy Test your trading strategies to limit risk and increase profits Book DescriptionIf you are in the long/short business, learning how to sell short is not a choice. Short selling is the key to raising assets under management. This book will help you demystify and hone the short selling craft, providing Python source code to construct a robust long/short portfolio. It discusses fundamental and advanced trading concepts from the perspective of a veteran short seller. This book will take you on a journey from an idea ("buy bullish stocks, sell bearish ones") to becoming part of the elite club of long/short hedge fund algorithmic traders. You'll explore key concepts such as trading psychology, trading edge, regime definition, signal processing, position sizing, risk management, and asset allocation, one obstacle at a time. Along the way, you'll will discover simple methods to consistently generate investment ideas, and consider variables that impact returns, volatility, and overall attractiveness of returns. By the end of this book, you'll not only become familiar with some of the most sophisticated concepts in capital markets, but also have Python source code to construct a long/short product that investors are bound to find attractive. What you will learn Develop the mindset required to win the infinite, complex, random game called the stock market Demystify short selling in order to generate alpa in bull, bear, and sideways markets Generate ideas consistently on both sides of the portfolio Implement Python source code to engineer a statistically robust trading edge Develop superior risk management habits Build a long/short product that investors will find appealing Who this book is forThis is a book by a practitioner for practitioners. It is designed to benefit a wide range of people, including long/short market participants, quantitative participants, proprietary traders, commodity trading advisors, retail investors (pro retailers, students, and retail quants), and long-only investors. At least 2 years of active trading experience, intermediate-level experience of the Python programming language, and basic mathematical literacy (basic statistics and algebra) are expected.
One-stop solution for NLP practitioners, ML developers, and data scientists to build effective NLP systems that can perform real-world complicated tasks Key Features Apply deep learning algorithms and techniques such as BiLSTMS, CRFs, BPE and more using TensorFlow 2 Explore applications like text generation, summarization, weakly supervised labelling and more Read cutting edge material with seminal papers provided in the GitHub repository with full working code Book DescriptionRecently, there have been tremendous advances in NLP, and we are now moving from research labs into practical applications. This book comes with a perfect blend of both the theoretical and practical aspects of trending and complex NLP techniques. The book is focused on innovative applications in the field of NLP, language generation, and dialogue systems. It helps you apply the concepts of pre-processing text using techniques such as tokenization, parts of speech tagging, and lemmatization using popular libraries such as Stanford NLP and SpaCy. You will build Named Entity Recognition (NER) from scratch using Conditional Random Fields and Viterbi Decoding on top of RNNs. The book covers key emerging areas such as generating text for use in sentence completion and text summarization, bridging images and text by generating captions for images, and managing dialogue aspects of chatbots. You will learn how to apply transfer learning and fine-tuning using TensorFlow 2. Further, it covers practical techniques that can simplify the labelling of textual data. The book also has a working code that is adaptable to your use cases for each tech piece. By the end of the book, you will have an advanced knowledge of the tools, techniques and deep learning architecture used to solve complex NLP problems. What you will learn Grasp important pre-steps in building NLP applications like POS tagging Use transfer and weakly supervised learning using libraries like Snorkel Do sentiment analysis using BERT Apply encoder-decoder NN architectures and beam search for summarizing texts Use Transformer models with attention to bring images and text together Build apps that generate captions and answer questions about images using custom Transformers Use advanced TensorFlow techniques like learning rate annealing, custom layers, and custom loss functions to build the latest DeepNLP models Who this book is forThis is not an introductory book and assumes the reader is familiar with basics of NLP and has fundamental Python skills, as well as basic knowledge of machine learning and undergraduate-level calculus and linear algebra. The readers who can benefit the most from this book include intermediate ML developers who are familiar with the basics of supervised learning and deep learning techniques and professionals who already use TensorFlow/Python for purposes such as data science, ML, research, analysis, etc.
Understand the key aspects and challenges of machine learning interpretability, learn how to overcome them with interpretation methods, and leverage them to build fairer, safer, and more reliable models Key Features Learn how to extract easy-to-understand insights from any machine learning model Become well-versed with interpretability techniques to build fairer, safer, and more reliable models Mitigate risks in AI systems before they have broader implications by learning how to debug black-box models Book DescriptionDo you want to understand your models and mitigate risks associated with poor predictions using machine learning (ML) interpretation? Interpretable Machine Learning with Python can help you work effectively with ML models. The first section of the book is a beginner's guide to interpretability, covering its relevance in business and exploring its key aspects and challenges. You'll focus on how white-box models work, compare them to black-box and glass-box models, and examine their trade-off. The second section will get you up to speed with a vast array of interpretation methods, also known as Explainable AI (XAI) methods, and how to apply them to different use cases, be it for classification or regression, for tabular, time-series, image or text. In addition to the step-by-step code, the book also helps the reader to interpret model outcomes using examples. In the third section, you'll get hands-on with tuning models and training data for interpretability by reducing complexity, mitigating bias, placing guardrails, and enhancing reliability. The methods you'll explore here range from state-of-the-art feature selection and dataset debiasing methods to monotonic constraints and adversarial retraining. By the end of this book, you'll be able to understand ML models better and enhance them through interpretability tuning. What you will learn Recognize the importance of interpretability in business Study models that are intrinsically interpretable such as linear models, decision trees, and Naive Bayes Become well-versed in interpreting models with model-agnostic methods Visualize how an image classifier works and what it learns Understand how to mitigate the influence of bias in datasets Discover how to make models more reliable with adversarial robustness Use monotonic constraints to make fairer and safer models Who this book is forThis book is for data scientists, machine learning developers, and data stewards who have an increasingly critical responsibility to explain how the AI systems they develop work, their impact on decision making, and how they identify and manage bias. Working knowledge of machine learning and the Python programming language is expected.
Explore self-driving car technology using deep learning and artificial intelligence techniques and libraries such as TensorFlow, Keras, and OpenCV Key Features Build and train powerful neural network models to build an autonomous car Implement computer vision, deep learning, and AI techniques to create automotive algorithms Overcome the challenges faced while automating different aspects of driving using modern Python libraries and architectures Book DescriptionThanks to a number of recent breakthroughs, self-driving car technology is now an emerging subject in the field of artificial intelligence and has shifted data scientists' focus to building autonomous cars that will transform the automotive industry. This book is a comprehensive guide to use deep learning and computer vision techniques to develop autonomous cars. Starting with the basics of self-driving cars (SDCs), this book will take you through the deep neural network techniques required to get up and running with building your autonomous vehicle. Once you are comfortable with the basics, you'll delve into advanced computer vision techniques and learn how to use deep learning methods to perform a variety of computer vision tasks such as finding lane lines, improving image classification, and so on. You will explore the basic structure and working of a semantic segmentation model and get to grips with detecting cars using semantic segmentation. The book also covers advanced applications such as behavior-cloning and vehicle detection using OpenCV, transfer learning, and deep learning methodologies to train SDCs to mimic human driving. By the end of this book, you'll have learned how to implement a variety of neural networks to develop your own autonomous vehicle using modern Python libraries. What you will learn Implement deep neural network from scratch using the Keras library Understand the importance of deep learning in self-driving cars Get to grips with feature extraction techniques in image processing using the OpenCV library Design a software pipeline that detects lane lines in videos Implement a convolutional neural network (CNN) image classifier for traffic signal signs Train and test neural networks for behavioral-cloning by driving a car in a virtual simulator Discover various state-of-the-art semantic segmentation and object detection architectures Who this book is forIf you are a deep learning engineer, AI researcher, or anyone looking to implement deep learning and computer vision techniques to build self-driving blueprint solutions, this book is for you. Anyone who wants to learn how various automotive-related algorithms are built, will also find this book useful. Python programming experience, along with a basic understanding of deep learning, is necessary to get the most of this book.
Implement various state-of-the-art architectures, such as GANs and autoencoders, for image generation using TensorFlow 2.x from scratch Key Features Understand the different architectures for image generation, including autoencoders and GANs Build models that can edit an image of your face, turn photos into paintings, and generate photorealistic images Discover how you can build deep neural networks with advanced TensorFlow 2.x features Book DescriptionThe emerging field of Generative Adversarial Networks (GANs) has made it possible to generate indistinguishable images from existing datasets. With this hands-on book, you'll not only develop image generation skills but also gain a solid understanding of the underlying principles. Starting with an introduction to the fundamentals of image generation using TensorFlow, this book covers Variational Autoencoders (VAEs) and GANs. You'll discover how to build models for different applications as you get to grips with performing face swaps using deepfakes, neural style transfer, image-to-image translation, turning simple images into photorealistic images, and much more. You'll also understand how and why to construct state-of-the-art deep neural networks using advanced techniques such as spectral normalization and self-attention layer before working with advanced models for face generation and editing. You'll also be introduced to photo restoration, text-to-image synthesis, video retargeting, and neural rendering. Throughout the book, you'll learn to implement models from scratch in TensorFlow 2.x, including PixelCNN, VAE, DCGAN, WGAN, pix2pix, CycleGAN, StyleGAN, GauGAN, and BigGAN. By the end of this book, you'll be well versed in TensorFlow and be able to implement image generative technologies confidently. What you will learn Train on face datasets and use them to explore latent spaces for editing new faces Get to grips with swapping faces with deepfakes Perform style transfer to convert a photo into a painting Build and train pix2pix, CycleGAN, and BicycleGAN for image-to-image translation Use iGAN to understand manifold interpolation and GauGAN to turn simple images into photorealistic images Become well versed in attention generative models such as SAGAN and BigGAN Generate high-resolution photos with Progressive GAN and StyleGAN Who this book is forThe Hands-On Image Generation with TensorFlow book is for deep learning engineers, practitioners, and researchers who have basic knowledge of convolutional neural networks and want to learn various image generation techniques using TensorFlow 2.x. You'll also find this book useful if you are an image processing professional or computer vision engineer looking to explore state-of-the-art architectures to improve and enhance images and videos. Knowledge of Python and TensorFlow will help you to get the best out of this book.
Fun and exciting projects to learn what artificial minds can create Key Features Code examples are in TensorFlow 2, which make it easy for PyTorch users to follow along Look inside the most famous deep generative models, from GPT to MuseGAN Learn to build and adapt your own models in TensorFlow 2.x Explore exciting, cutting-edge use cases for deep generative AI Book DescriptionMachines are excelling at creative human skills such as painting, writing, and composing music. Could you be more creative than generative AI? In this book, you'll explore the evolution of generative models, from restricted Boltzmann machines and deep belief networks to VAEs and GANs. You'll learn how to implement models yourself in TensorFlow and get to grips with the latest research on deep neural networks. There's been an explosion in potential use cases for generative models. You'll look at Open AI's news generator, deepfakes, and training deep learning agents to navigate a simulated environment. Recreate the code that's under the hood and uncover surprising links between text, image, and music generation. What you will learn Export the code from GitHub into Google Colab to see how everything works for yourself Compose music using LSTM models, simple GANs, and MuseGAN Create deepfakes using facial landmarks, autoencoders, and pix2pix GAN Learn how attention and transformers have changed NLP Build several text generation pipelines based on LSTMs, BERT, and GPT-2 Implement paired and unpaired style transfer with networks like StyleGAN Discover emerging applications of generative AI like folding proteins and creating videos from images Who this book is forThis is a book for Python programmers who are keen to create and have some fun using generative models. To make the most out of this book, you should have a basic familiarity with math and statistics for machine learning.
Cut through the noise and get real results with a step-by-step approach to understanding supervised learning algorithms Key Features Ideal for those getting started with machine learning for the first time A step-by-step machine learning tutorial with exercises and activities that help build key skills Structured to let you progress at your own pace, on your own terms Use your physical print copy to redeem free access to the online interactive edition Book DescriptionYou already know you want to understand supervised learning, and a smarter way to do that is to learn by doing. The Supervised Learning Workshop focuses on building up your practical skills so that you can deploy and build solutions that leverage key supervised learning algorithms. You'll learn from real examples that lead to real results. Throughout The Supervised Learning Workshop, you'll take an engaging step-by-step approach to understand supervised learning. You won't have to sit through any unnecessary theory. If you're short on time you can jump into a single exercise each day or spend an entire weekend learning how to predict future values with auto regressors. It's your choice. Learning on your terms, you'll build up and reinforce key skills in a way that feels rewarding. Every physical print copy of The Supervised Learning Workshop unlocks access to the interactive edition. With videos detailing all exercises and activities, you'll always have a guided solution. You can also benchmark yourself against assessments, track progress, and receive content updates. You'll even earn a secure credential that you can share and verify online upon completion. It's a premium learning experience that's included with your printed copy. To redeem, follow the instructions located at the start of your book. Fast-paced and direct, The Supervised Learning Workshop is the ideal companion for those with some Python background who are getting started with machine learning. You'll learn how to apply key algorithms like a data scientist, learning along the way. This process means that you'll find that your new skills stick, embedded as best practice. A solid foundation for the years ahead. What you will learn Get to grips with the fundamental of supervised learning algorithms Discover how to use Python libraries for supervised learning Learn how to load a dataset in pandas for testing Use different types of plots to visually represent the data Distinguish between regression and classification problems Learn how to perform classification using K-NN and decision trees Who this book is forOur goal at Packt is to help you be successful, in whatever it is you choose to do. The Supervised Learning Workshop is ideal for those with a Python background, who are just starting out with machine learning. Pick up a Workshop today, and let Packt help you develop skills that stick with you for life.
As global communities are attempting to transform into more efficient and technologically-advanced metropolises, artificial intelligence (AI) has taken a firm grasp on various professional fields. Technology used in these industries is transforming by introducing intelligent techniques including machine learning, cognitive computing, and computer vision. This has raised significant attention among researchers and practitioners on the specific impact that these smart technologies have and what challenges remain. Applications of Artificial Intelligence for Smart Technology is a pivotal reference source that provides vital research on the implementation of advanced technological techniques in professional industries through the use of AI. While highlighting topics such as pattern recognition, computational imaging, and machine learning, this publication explores challenges that various fields currently face when applying these technologies and examines the future uses of AI. This book is ideally designed for researchers, developers, managers, academicians, analysts, students, and practitioners seeking current research on the involvement of AI in professional practices.
Work through practical recipes to learn how to solve complex machine learning and deep learning problems using Python Key Features Get up and running with artificial intelligence in no time using hands-on problem-solving recipes Explore popular Python libraries and tools to build AI solutions for images, text, sounds, and images Implement NLP, reinforcement learning, deep learning, GANs, Monte-Carlo tree search, and much more Book DescriptionArtificial intelligence (AI) plays an integral role in automating problem-solving. This involves predicting and classifying data and training agents to execute tasks successfully. This book will teach you how to solve complex problems with the help of independent and insightful recipes ranging from the essentials to advanced methods that have just come out of research. Artificial Intelligence with Python Cookbook starts by showing you how to set up your Python environment and taking you through the fundamentals of data exploration. Moving ahead, you'll be able to implement heuristic search techniques and genetic algorithms. In addition to this, you'll apply probabilistic models, constraint optimization, and reinforcement learning. As you advance through the book, you'll build deep learning models for text, images, video, and audio, and then delve into algorithmic bias, style transfer, music generation, and AI use cases in the healthcare and insurance industries. Throughout the book, you'll learn about a variety of tools for problem-solving and gain the knowledge needed to effectively approach complex problems. By the end of this book on AI, you will have the skills you need to write AI and machine learning algorithms, test them, and deploy them for production. What you will learn Implement data preprocessing steps and optimize model hyperparameters Delve into representational learning with adversarial autoencoders Use active learning, recommenders, knowledge embedding, and SAT solvers Get to grips with probabilistic modeling with TensorFlow probability Run object detection, text-to-speech conversion, and text and music generation Apply swarm algorithms, multi-agent systems, and graph networks Go from proof of concept to production by deploying models as microservices Understand how to use modern AI in practice Who this book is forThis AI machine learning book is for Python developers, data scientists, machine learning engineers, and deep learning practitioners who want to learn how to build artificial intelligence solutions with easy-to-follow recipes. You'll also find this book useful if you're looking for state-of-the-art solutions to perform different machine learning tasks in various use cases. Basic working knowledge of the Python programming language and machine learning concepts will help you to work with code effectively in this book. |
![]() ![]() You may like...
Fuzzy Systems - Theory and Applications
Constantin Volosencu
Hardcover
R3,437
Discovery Miles 34 370
Neural Networks in Healthcare…
Rezaul Begg, Joarder Kamruzzaman, …
Hardcover
R2,545
Discovery Miles 25 450
Research Anthology on Artificial Neural…
Information R Management Association
Hardcover
R14,381
Discovery Miles 143 810
Intelligent Analysis Of Fundus Images…
Yuanyuan Chen, Yi Zhang, …
Hardcover
R2,360
Discovery Miles 23 600
Deep Neural Networks for Multimodal…
Annamalai Suresh, R. Udendhran, …
Hardcover
R8,343
Discovery Miles 83 430
Research Anthology on Artificial Neural…
Information R Management Association
Hardcover
R14,397
Discovery Miles 143 970
Research Anthology on Artificial Neural…
Information R Management Association
Hardcover
R14,387
Discovery Miles 143 870
State of the Art in Neural Networks and…
Ayman S. El-Baz, Jasjit S. Suri
Paperback
R3,524
Discovery Miles 35 240
|