Udvidet returret til d. 31. januar 2025

Neurale net og fuzzy systemer

Her finder du spændende bøger om Neurale net og fuzzy systemer. Nedenfor er et flot udvalg af over 42 bøger om emnet.
Vis mere
Filter
Filter
Sorter efterSorter Populære
  • af Ronald T. Kneusel
    282,95 kr.

    "An accessible, straightforward guide that demystifies Artificial Intelligence for a general audience without the use of complex math or technical jargon. Covers the fundamentals, from classical models and neural networks to the large language models leading today's AI revolution"--

  • af Ben Auffarth
    547,95 kr.

    2024 Edition - Get to grips with the LangChain framework to develop production-ready applications, including agents and personal assistants. The 2024 edition features updated code examples and an improved GitHub repository.Purchase of the print or Kindle book includes a free PDF eBook.Key Features:- Learn how to leverage LangChain to work around LLMs' inherent weaknesses- Delve into LLMs with LangChain and explore their fundamentals, ethical dimensions, and application challenges- Get better at using ChatGPT and GPT models, from heuristics and training to scalable deployment, empowering you to transform ideas into realityBook Description:ChatGPT and the GPT models by OpenAI have brought about a revolution not only in how we write and research but also in how we can process information. This book discusses the functioning, capabilities, and limitations of LLMs underlying chat systems, including ChatGPT and Gemini. It demonstrates, in a series of practical examples, how to use the LangChain framework to build production-ready and responsive LLM applications for tasks ranging from customer support to software development assistance and data analysis - illustrating the expansive utility of LLMs in real-world applications.Unlock the full potential of LLMs within your projects as you navigate through guidance on fine-tuning, prompt engineering, and best practices for deployment and monitoring in production environments. Whether you're building creative writing tools, developing sophisticated chatbots, or crafting cutting-edge software development aids, this book will be your roadmap to mastering the transformative power of generative AI with confidence and creativity.What You Will Learn:- Create LLM apps with LangChain, like question-answering systems and chatbots- Understand transformer models and attention mechanisms- Automate data analysis and visualization using pandas and Python- Grasp prompt engineering to improve performance- Fine-tune LLMs and get to know the tools to unleash their power- Deploy LLMs as a service with LangChain and apply evaluation strategies- Privately interact with documents using open-source LLMs to prevent data leaksWho this book is for:The book is for developers, researchers, and anyone interested in learning more about LangChain. Whether you are a beginner or an experienced developer, this book will serve as a valuable resource if you want to get the most out of LLMs using LangChain.Basic knowledge of Python is a prerequisite, while prior exposure to machine learning will help you follow along more easily.Table of Contents- What are Generative Models?- LangChain: Core Fundamentals- Getting started with LangChain- Question Answering over Docs- Building a Chatbot like ChatGPT/Bard- Developing Software with LangChain Coder- LLM for Data Analysis- Prompt Engineering- LLM applications in Production- The Future of Generative Models

  • af Chi Wang
    568,95 kr.

    Engineering Deep Learning Systems teaches you to design and implement an automated platform to support creating, training, and maintaining deep learning models. In it, you'll learn just enough about deep learning to understand the needs of the data scientists who will be using your system. You'll learn to gather requirements, translate them into system component design choices, and integrate those components into a cohesive whole. A complete example system and insightful exercises help you build an intuitive understanding of DL system design.

  • af L. D. Knowings
    201,95 - 261,95 kr.

  • af Clark Barrett
    592,95 kr.

    This monograph reports the findings of a workshop held at Google (co-organized by Stanford University and the University of Wisconsin-Madison) on the dual-use dilemma posed by GenAI.

  • - 17 vinkler til forståelse og anvendelse
    af Mads-Bjørn Hjelmar & Adam Hjelmar
    223,95 - 229,95 kr.

    'Generativ AI: 17 vinkler til forståelse og anvendelse' er en lærerig bog, der åbner døren til en spændende verden af generativ kunstig intelligens. Skrevet af to brødre med passion for AI, tager denne bog dig med på en rejse fra teori til praksis, og fra nysgerrighed til forståelse af generativ AI.Med et særligt fokus på populære sprogmodeller som ChatGPT og tekst-til-billede værktøjer, giver bogen dig indblik i, hvordan generativ AI kan påvirke vores måde at tænke, skabe og interagere med teknologi på. Struktureret i 17 uafhængige 'vinkler', dækker bogen et bredt spektrum af emner - fra grundlæggende principper til diverse anvendelsesmetoder.Ud over at give dig en teoretisk forståelse, baseret på den nyeste forskning på området, får du også en praktisk håndbog, der kan tage din brug af AI til et højere niveau. Uanset om du er nybegynder eller erfaren bruger, giver bogen dig værktøjerne og viden til selv at udforske og anvende generativ AI, hvor end du ønsker.Du kan læse mere om bogen på hjemmesiden:https://momentum-ai.dk/bog/

  • af Maria Han Veiga
    577,95 kr.

    This book is an introduction to machine learning, with a strong focus on the mathematics behind the standard algorithms and techniques in the field, aimed at senior undergraduates and early graduate students of Mathematics. There is a focus on well-known supervised machine learning algorithms, detailing the existing theory to provide some theoretical guarantees, featuring intuitive proofs and exposition of the material in a concise and precise manner. A broad set of topics is covered, giving an overview of the field. A summary of the topics covered is: statistical learning theory, approximation theory, linear models, kernel methods, Gaussian processes, deep neural networks, ensemble methods and unsupervised learning techniques, such as clustering and dimensionality reduction. This book is suited for students who are interested in entering the field, by preparing them to master the standard tools in Machine Learning. The reader will be equipped to understand the main theoretical questions of the current research and to engage with the field.

  • af Andrés P. Torres
    542,95 kr.

    Gain practical, recipe-based insights into the world of deep learning using Apache MXNet for flexible and efficient research prototyping, training, and deployment to production.Key Features:A step-by-step tutorial towards using MXNet products to create scalable deep learning applicationsImplement tasks such as transfer learning, transformers, and more with the required speed and scalabilityAnalyze the performance of models and fine-tune them for accuracy, scalability, and speedBook Description:MXNet is an open-source deep learning framework that allows you to train and deploy neural network models and implement state-of-the-art (SOTA) architectures in CV, NLP, and more. With this cookbook, you will be able to construct fast, scalable deep learning solutions using Apache MXNet.This book will start by showing you the different versions of MXNet and what version to choose before installing your library. You will learn to start using MXNet/Gluon libraries to solve classification and regression problems and get an idea on the inner workings of these libraries. This book will also show how to use MXNet to analyze toy datasets in the areas of numerical regression, data classification, picture classification, and text classification. You'll also learn to build and train deep-learning neural network architectures from scratch, before moving on to complex concepts like transfer learning. You'll learn to construct and deploy neural network architectures including CNN, RNN, LSTMs, Transformers, and integrate these models into your applications.By the end of the book, you will be able to utilize the MXNet and Gluon libraries to create and train deep learning networks using GPUs and learn how to deploy them efficiently in different environments.What You Will Learn:Understand MXNet and Gluon libraries and their advantagesBuild and train network models from scratch using MXNetApply transfer learning for more complex, fine-tuned network architecturesSolve modern Computer Vision and NLP problems using neural network techniquesTrain and evaluate models using GPUs and learn how to deploy themExplore state-of-the-art models with GPUs and leveraging modern optimization techniquesImprove inference run-times and deploy models in production Who this book is for:This book is ideal for Data scientists, machine learning engineers, and developers who want to work with Apache MXNet for building fast, scalable deep learning solutions. The reader is expected to have a good understanding of Python programming and a working environment with Python 3.6+. A good theoretical understanding of mathematics for deep learning will be beneficial.

  • af Ivan Vasilev
    542,95 kr.

    Master effective navigation of neural networks, including convolutions and transformers, to tackle computer vision and NLP tasks using PythonKey FeaturesUnderstand the theory, mathematical foundations and the structure of deep neural networksBecome familiar with transformers, large language models, and convolutional networksLearn how to apply them on various computer vision and natural language processing problems Purchase of the print or Kindle book includes a free PDF eBookBook DescriptionThe field of deep learning has developed rapidly in the past years and today covers broad range of applications. This makes it challenging to navigate and hard to understand without solid foundations. This book will guide you from the basics of neural networks to the state-of-the-art large language models in use today.The first part of the book introduces the main machine learning concepts and paradigms. It covers the mathematical foundations, the structure, and the training algorithms of neural networks and dives into the essence of deep learning.The second part of the book introduces convolutional networks for computer vision. We'll learn how to solve image classification, object detection, instance segmentation, and image generation tasks. The third part focuses on the attention mechanism and transformers - the core network architecture of large language models. We'll discuss new types of advanced tasks, they can solve, such as chat bots and text-to-image generation.By the end of this book, you'll have a thorough understanding of the inner workings of deep neural networks. You'll have the ability to develop new models or adapt existing ones to solve your tasks. You'll also have sufficient understanding to continue your research and stay up to date with the latest advancements in the field.What you will learnEstablish theoretical foundations of deep neural networksUnderstand convolutional networks and apply them in computer vision applicationsBecome well versed with natural language processing and recurrent networksExplore the attention mechanism and transformersApply transformers and large language models for natural language and computer visionImplement coding examples with PyTorch, Keras, and Hugging Face TransformersUse MLOps to develop and deploy neural network modelsWho this book is forThis book is for software developers/engineers, students, data scientists, data analysts, machine learning engineers, statisticians, and anyone interested in deep learning. Prior experience with Python programming is a prerequisite.Table of ContentsMachine Learning - an IntroductionNeural NetworksDeep Learning FundamentalsComputer Vision with Convolutional NetworksAdvanced Computer Vision ApplicationsNatural Language Processing and Recurrent Neural NetworksThe Attention Mechanism and TransformersExploring Large Language Models in DepthAdvanced Applications of Large Language ModelsMachine Learning Operations (ML Ops)

  • af Leonidas Deligiannidis
    1.722,95 kr.

    Artificial Intelligence (AI) revolves around creating and utilizing intelligent machines through science and engineering. This book delves into the theory and practical applications of computer science methods that incorporate AI across many domains. It covers techniques such as Machine Learning (ML), Convolutional Neural Networks (CNN), Deep Learning (DL), and Large Language Models (LLM) to tackle complex issues and overcome various challenges.

  • af Patrick J
    662,95 kr.

    Designed with both beginners and professionals in mind, the book is meticulously structured to cover a broad spectrum of concepts, applications, and hands-on practices that form the core of the TensorFlow Developer Certificate exam. Starting with foundational concepts, the book guides you through the fundamental aspects of TensorFlow, Machine Learning algorithms, and Deep Learning models.The initial chapters focus on data preprocessing, exploratory analysis, and essential tools required for building robust models. The book then delves into Convolutional Neural Networks (CNNs), Long Short-Term Memory Networks (LSTMs), and advanced neural network techniques such as GANs and Transformer Architecture. Emphasizing practical application, each chapter is peppered with detailed explanations, code snippets, and real-world examples, allowing you to apply the concepts in various domains such as text classification, sentiment analysis, object detection, and more.A distinctive feature of the book is its focus on various optimization and regularization techniques that enhance model performance. As the book progresses, it navigates through the complexities of deploying TensorFlow models into production. It includes exhaustive sections on TensorFlow Serving, Kubernetes Cluster, and edge computing with TensorFlow Lite. The book provides practical insights into monitoring, updating, and handling possible errors in production, ensuring a smooth transition from development to deployment.The final chapters are devoted to preparing you for the TensorFlow Developer Certificate exam. From strategies, tips, and coding challenges to a summary of the entire learning journey, these sections serve as a robust toolkit for exam readiness. With hints and solutions provided for challenges, you can assess your knowledge and fine-tune your problem solving skills. In essence, this book is more than a mere certification guide; it's a complete roadmap to mastering TensorFlow. It aligns perfectly with the objectives of the TensorFlow Developer Certificate exam, ensuring that you are not only well-versed in the theoretical aspects but are also skilled in practical applications.Key LearningsComprehensive guide to TensorFlow, covering fundamentals to advanced topics, aiding seamless learning.Alignment with TensorFlow Developer Certificate exam, providing targeted preparation and confidence.In-depth exploration of neural networks, enhancing understanding of model architecture and function.Hands-on examples throughout, ensuring practical understanding and immediate applicability of concepts.Detailed insights into model optimization, including regularization, boosting model performance.Extensive focus on deployment, from TensorFlow Serving to Kubernetes, for real-world applications.Exploration of innovative technologies like BiLSTM, attention mechanisms, Transformers, fostering creativity.Step-by-step coding challenges, enhancing problem-solving skills, mirroring real-world scenarios.Coverage of potential errors in deployment, offering practical solutions, ensuring robust applications.Continual emphasis on practical, applicable knowledge, making it suitable for all levelsTable of ContentsIntroduction to Machine Learning and TensorFlow 2.xUp and Running with Neural NetworksBuilding Basic Machine Learning ModelsImage Recognition with CNNObject Detection AlgorithmsText Recognition and Natural Language ProcessingStrategies to Prevent Overfitting & UnderfittingAdvanced Neural Networks for NLPProductionizing TensorFlow ModelsPreparing for TensorFlow Developer Certificate Exam

  • af Mehdi Ghayoumi
    1.059,95 kr.

    Generative Adversarial Networks (GANs) in Practice is an all-inclusive resource that provides a solid foundation on GAN methodologies, their application to real-world projects, and their underlying mathematical and theoretical concepts.

  • af Matt Benatan
    597,95 kr.

    Develop Bayesian Deep Learning models to help make your own applications more robust.Key Features:Gain insights into the limitations of typical neural networksAcquire the skill to cultivate neural networks capable of estimating uncertaintyDiscover how to leverage uncertainty to develop more robust machine learning systemsBook Description:Deep learning is revolutionizing our lives, impacting content recommendations and playing a key role in mission- and safety-critical applications. Yet, typical deep learning methods lack awareness about uncertainty. Bayesian deep learning offers solutions based on approximate Bayesian inference, enhancing the robustness of deep learning systems by indicating how confident they are in their predictions. This book will guide you in incorporating model predictions within your applications with care.Starting with an introduction to the rapidly growing field of uncertainty-aware deep learning, you'll discover the importance of uncertainty estimation in robust machine learning systems. You'll then explore a variety of popular Bayesian deep learning methods and understand how to implement them through practical Python examples covering a range of application scenarios.By the end of this book, you'll embrace the power of Bayesian deep learning and unlock a new level of confidence in your models for safer, more robust deep learning systems.What You Will Learn:Discern the advantages and disadvantages of Bayesian inference and deep learningBecome well-versed with the fundamentals of Bayesian Neural NetworksUnderstand the differences between key BNN implementations and approximationsRecognize the merits of probabilistic DNNs in production contextsMaster the implementation of a variety of BDL methods in Python codeApply BDL methods to real-world problemsEvaluate BDL methods and choose the most suitable approach for a given taskDevelop proficiency in dealing with unexpected data in deep learning applicationsWho this book is for:This book will cater to researchers and developers looking for ways to develop more robust deep learning models through probabilistic deep learning. You're expected to have a solid understanding of the fundamentals of machine learning and probability, along with prior experience working with machine learning and deep learning models.

  • af Wesley Duggan
    207,95 - 332,95 kr.

  • af Rajvardhan Oak
    542,95 kr.

    Work on 10 practical projects, each with a blueprint for a different machine learning technique, and apply them in the real world to fight against cybercrimePurchase of the print or Kindle book includes a free PDF eBookKey Features:Learn how to frame a cyber security problem as a machine learning problemExamine your model for robustness against adversarial machine learningBuild your portfolio, enhance your resume, and ace interviews to become a cybersecurity data scientistBook Description:Machine learning in security is harder than other domains because of the changing nature and abilities of adversaries, high stakes, and a lack of ground-truth data. This book will prepare machine learning practitioners to effectively handle tasks in the challenging yet exciting cybersecurity space.The book begins by helping you understand how advanced ML algorithms work and shows you practical examples of how they can be applied to security-specific problems with Python - by using open source datasets or instructing you to create your own. In one exercise, you'll also use GPT 3.5, the secret sauce behind ChatGPT, to generate an artificial dataset of fabricated news. Later, you'll find out how to apply the expert knowledge and human-in-the-loop decision-making that is necessary in the cybersecurity space. This book is designed to address the lack of proper resources available for individuals interested in transitioning into a data scientist role in cybersecurity. It concludes with case studies, interview questions, and blueprints for four projects that you can use to enhance your portfolio.By the end of this book, you'll be able to apply machine learning algorithms to detect malware, fake news, deep fakes, and more, along with implementing privacy-preserving machine learning techniques such as differentially private ML.What You Will Learn:Use GNNs to build feature-rich graphs for bot detection and engineer graph-powered embeddings and featuresDiscover how to apply ML techniques in the cybersecurity domainApply state-of-the-art algorithms such as transformers and GNNs to solve security-related issuesLeverage ML to solve modern security issues such as deep fake detection, machine-generated text identification, and stylometric analysisApply privacy-preserving ML techniques and use differential privacy to protect user data while training ML modelsBuild your own portfolio with end-to-end ML projects for cybersecurityWho this book is for:This book is for machine learning practitioners interested in applying their skills to solve cybersecurity issues. Cybersecurity workers looking to leverage ML methods will also find this book useful. An understanding of the fundamental machine learning concepts and beginner-level knowledge of Python programming are needed to grasp the concepts in this book. Whether you're a beginner or an experienced professional, this book offers a unique and valuable learning experience that'll help you develop the skills needed to protect your network and data against the ever-evolving threat landscape.

  • af Diego Garrido Cerpa
    117,95 kr.

  • af Vinod Kumar & Dharmendra Singh Rajput
    2.322,95 - 3.057,95 kr.

  • af Duc Haba
    487,95 kr.

    Boost your AI and generative AI accuracy using real-world datasets with over 150 functional object-oriented methods and open source librariesPurchase of the print or Kindle book includes a free PDF eBookKey Features:Explore beautiful, customized charts and infographics in full colorWork with fully functional OO code using open source libraries in the Python Notebook for each chapterUnleash the potential of real-world datasets with practical data augmentation techniquesBook Description:Data is paramount in AI projects, especially for deep learning and generative AI, as forecasting accuracy relies on input datasets being robust. Acquiring additional data through traditional methods can be challenging, expensive, and impractical, and data augmentation offers an economical option to extend the dataset.The book teaches you over 20 geometric, photometric, and random erasing augmentation methods using seven real-world datasets for image classification and segmentation. You'll also review eight image augmentation open source libraries, write object-oriented programming (OOP) wrapper functions in Python Notebooks, view color image augmentation effects, analyze safe levels and biases, as well as explore fun facts and take on fun challenges. As you advance, you'll discover over 20 character and word techniques for text augmentation using two real-world datasets and excerpts from four classic books. The chapter on advanced text augmentation uses machine learning to extend the text dataset, such as Transformer, Word2vec, BERT, GPT-2, and others. While chapters on audio and tabular data have real-world data, open source libraries, amazing custom plots, and Python Notebook, along with fun facts and challenges.By the end of this book, you will be proficient in image, text, audio, and tabular data augmentation techniques.What You Will Learn:Write OOP Python code for image, text, audio, and tabular dataAccess over 150,000 real-world datasets from the Kaggle websiteAnalyze biases and safe parameters for each augmentation methodVisualize data using standard and exotic plots in colorDiscover 32 advanced open source augmentation librariesExplore machine learning models, such as BERT and TransformerMeet Pluto, an imaginary digital coding companionExtend your learning with fun facts and fun challengesWho this book is for:This book is for data scientists and students interested in the AI discipline. Advanced AI or deep learning skills are not required; however, knowledge of Python programming and familiarity with Jupyter Notebooks are essential to understanding the topics covered in this book.

  • - Practical Solutions from Preprocessing to Deep Learning
    af Chris Albon
    632,95 kr.

    This practical guide provides nearly 200 self-contained recipes to help you solve machine learning challenges you may encounter in your daily work. If youre comfortable with Python and its libraries, including pandas and scikit-learn, youll be able to address specific problems such as loading data, handling text or numerical data, model selection, and dimensionality reduction and many other topics.Each recipe includes code that you can copy and paste into a toy dataset to ensure that it actually works. From there, you can insert, combine, or adapt the code to help construct your application. Recipes also include a discussion that explains the solution and provides meaningful context. This cookbook takes you beyond theory and concepts by providing the nuts and bolts you need to construct working machine learning applications.Youll find recipes for:Vectors, matrices, and arraysHandling numerical and categorical data, text, images, and dates and timesDimensionality reduction using feature extraction or feature selectionModel evaluation and selectionLinear and logical regression, trees and forests, and k-nearest neighborsSupport vector machines (SVM), nave Bayes, clustering, and neural networksSaving and loading trained models

  • af Arash Gharehbaghi
    1.585,95 kr.

    The concept of deep machine learning is easier to understand by paying attention to the cyclic stochastic time series and a time series whose content is non-stationary not only within the cycles, but also over the cycles as the cycle-to-cycle variations.

  • af Michael E Sughrue
    1.315,95 kr.

    Connectomic Medicine: A Guide to Brain AI in Treatment Decision Planning examines how to apply connectomics to clinical medicine, including discussions on techniques, applications, novel ideas, and in case examples that highlight the state-of-the-art. Written by pioneers, this volume serves as the foundation for all neuroscience clinicians/researchers venturing into the field of AI medicine, its realistic applications, and how to integrate AI connectomics into clinical practice. With widespread applications in neurology, neurosurgery and psychiatry, this book is appropriate for anyone interested in cerebral network anatomy, imaging techniques, and insights into this emerging field.

  • af Lefteri Tsoukalas
    987,95 kr.

    Fuzzy logic principles, practices, and real-world applicationsThis hands-on guide offers clear explanations of fuzzy logic along with practical applications and real-world examples. Written by an award-winning engineer, Fuzzy Logic: Applications in Artificial Intelligence, Big Data, and Machine Learning is aimed at improving competence and motivation in students and professionals alike.Inside, you will discover how to apply fuzzy logic in the context of pervasive digitization and big data across emerging technologies which require a very different man-machine relationship than the ones previously used in engineering, science, economics, and social sciences. Applications covered include intelligent energy systems with demand response, smart homes, electrification of transportation, supply chain efficiencies, smart cities, e-commerce, education, healthcare, and decarbonization.Serves as a classroom guide and as an on-the-job resourceAncillaries include a sample syllabus, test sets with answer keys, and additional self-study resources for studentsWritten by an expert in the field and experienced author

  • af Wouter Groeneveld
    524,95 kr.

    Creativity is essential to being a successful programmer. Each chapter in The Creative Programmer introduces you to a new theme of creativity that is derived from scientifically sound research. Discover the importance of communication, how constraints can make you more creative, methods to improve your critical thinking, and more. Short stories, examples, and exercises will help you understand each new idea and clearly demonstrate how you can apply them to programming. You will even be able to track your progress against a scientifically validated Creative Programming Problem Solving Test! Along the way, you will enjoy examples and stories that show what makes creative technical geniuses tick. About the reader For programmers of all experience and skill levels.

  • af Nello Cristianini
    318,95 - 1.578,95 kr.

  • af Aysegul Ucar
    1.004,95 kr.

    This book demonstrates the core concepts of deep learning algorithms that, using diagrams, data tables, and examples, are especially useful for deep learning based human cancer diagnostics.

  • af Saban Ozturk
    1.782,95 kr.

    The rise in living standards increases the expectation of people in almost every field. At the forefront is health. Over the past few centuries, there have been major developments in healthcare. Medical device technology and developments in artificial intelligence (AI) are among the most important ones. The improving technology and our ability to harness the technology effectively by means such as AI have led to unprecedented advances, resulting in early diagnosis of diseases. AI algorithms enable the fast and early evaluation of images from medical devices to maximize the benefits. While developments in the field of AI were quickly adapted to the field of health, in some cases this contributed to the formation of innovative artificial intelligence algorithms. Today, the most effective artificial intelligence method is accepted as deep learning. Convolutional neural network (CNN) architectures are deep learning algorithms used for image processing. This book contains applications of CNN methods. The content is quite extensive, including the application of different CNN methods to various medical image processing problems. Readers will be able to analyze the effects of CNN methods presented in the book in medical applications.

  • af Don Donghee (Zayed University Shin
    567,95 - 1.342,95 kr.

  • af Qihua Zhou
    966,95 kr.

    This book aims at the tiny machine learning (TinyML) software and hardware synergy for edge intelligence applications. It presents on-device learning techniques covering model-level neural network design, algorithm-level training optimization, and hardware-level instruction acceleration.

  • af Keita Broadwater
    487,95 kr.

    About the book In Graph Neural Networks in Action you will create deep learning models that are perfect for working with interconnected graph data. Start with a comprehensive introduction to graph data's unique properties. Then, dive straight into building real-world models, including GNNs that can generate node embeddings from a social network, recommend eCommerce products, and draw insights from social sites. This comprehensive guide contains coverage of the essential GNN libraries, including PyTorch Geometric, DeepGraph Library, and Alibaba's GraphScope for training at scale. About the reader For Python programmers familiar with machine learning and the basics of deep learning.

Gør som tusindvis af andre bogelskere

Tilmeld dig nyhedsbrevet og få gode tilbud og inspiration til din næste læsning.