New Releases by Sebastian Raschka

Sebastian Raschka is the author of Large Language Models selbst programmieren (2025), Sviluppare Large Language Model (2025), つくりながら学ぶ!LLM 自作入門 (2025), つくりながら学ぶ!LLM 自作入門 (2025), Machine Learning und KI kompakt (2025).

26 results found

Large Language Models selbst programmieren

release date: Jun 24, 2025
Large Language Models selbst programmieren
LLMs selbst erstellen und von Grund auf verstehen! Der Bestseller aus den USA jetzt in deutscher Übersetzung der ideale Einstieg in das Thema Large Language Models Auf dem eigenen Laptop entwickeln, trainieren und tunen Sie ein LLM, das mit GPT-2 vergleichbar ist, und bekommen dadurch einen tiefen Einblick in die Funktionsweise von LLMs Bestsellerautor Sebastian Raschka erklärt die Grundlagen und die Vorgehensweise Schritt für Schritt und sehr gut verständlich Dieses Buch ist eine spannende Reise in die Blackbox der Generativen KI: Ohne auf bestehende LLM-Bibliotheken zurückzugreifen, programmieren Sie ein LLM-Basismodell im GPT-Stil auf dem eigenen Rechner. Sie entwickeln es zu einem Textklassifikator weiter und erstellen schließlich einen Chatbot, der Ihren Anweisungen folgt und den Sie als persönlichen KI-Assistenten verwenden können. Jeder Schritt wird mit klaren Beschreibungen, Diagrammen und Beispielen erklärt. Auf diese Weise eignen Sie sich aktiv und ganz praktisch grundlegendes Wissen zur aktuell wichtigsten KI-Technologie an – denn Sie haben Ihren Chatbot selbst gebaut! Während Sie die einzelnen Phasen der LLM-Erstellung durchlaufen, entwickeln Sie eine klarere Vorstellung davon, wie LLMs unter der Haube funktionieren. Sie erfahren, wie Sie alle Bestandteile eines LLMs planen und programmieren einen für das LLM-Training geeigneten Datensatz vorbereiten das LLM mit Ihren eigenen Daten optimieren Feedback nutzen, um sicherzustellen, dass das LLM Ihren Anweisungen folgt vortrainierte Gewichte in das LLM laden

Sviluppare Large Language Model

release date: Jun 22, 2025
Sviluppare Large Language Model
La creazione di modelli linguistici di grandi dimensioni (Large Language Model - LLM) rappresenta una delle possibilità più avanzate e affascinanti nell''ambito dell''intelligenza artificiale. Questo manuale spiega in maniera pratica come affrontare la sfida partendo da zero. Il testo affronta ogni fase del processo: dalla pianificazione e codifica delle componenti del modello alla preparazione dei dataset per l''addestramento. Vengono esplorati metodi di pre-training su un corpus generale e di fine-tuning per compiti specifici, come la classificazione di testi. Un approfondimento è poi dedicato all''integrazione di pesi pre-addestrati e all’utilizzo del feedback umano per ottimizzare l’output del modello. Una guida ricca di esempi ed esercizi, per comprendere e implementare i meccanismi alla base dei modelli di intelligenza artificiale generativa più utilizzati e capire come sfruttarne al meglio le potenzialità.

つくりながら学ぶ!LLM 自作入門

release date: Mar 03, 2025
つくりながら学ぶ!LLM 自作入門
※この商品はタブレットなど大きいディスプレイを備えた端末で読むことに適しています。また、文字だけを拡大することや、文字列のハイライト、検索、辞書の参照、引用などの機能が使用できません。 LLM (大規模言語モデル) をつくりながら学ぼう! 本書はGPT型のLLM (大規模言語モデル) を一から理解して構築するために書かれました。最後まで読めばLLMの仕組みがしっかりと理解でき、独自のモデルを構築するためのスキルを身につけることができます。作成するモデルは大規模な基礎モデルと比べると規模は小さいものの概念は同じであり、最先端のLLMの構築に使われているメカニズムやテクニックを理解するための強力なツールとなるでしょう。 1章 大規模言語モデルを理解する 2章 テキストデータの準備 3章 Attentionメカニズムのコーディング 4章 テキストを生成するためのGPTモデルを一から実装する 5章 ラベルなしデータでの事前学習 6章 分類のためのファインチューニング 7章 指示に従うためのファインチューニング 付録A PyTorch 入門 付録B 参考資料 付録C 練習問題の解答 付録D 訓練ループに高度なテクニックを追加する 付録E LoRAによるパラメータ効率のよいファインチューニング Sebastian Raschka(セバスチャン・ラシュカ): Lightning AI社でAIとLLM の研究開発に注力。以前はウィスコンシン大学マディソン校統計学部助教授。著書に『Python機械学習プログラミング[第3版] 達人データサイエンティストによる理論と実践』(インプレス)がある。 [監訳]巣籠 悠輔(すごもり ゆうすけ): 株式会社MIRA代表取締役、日本ディープラーニング協会有識者会員。2018年にForbes 30 Under 30 Asia 2018 に選出。著書に『詳解ディープラーニング』、監訳書に『Pythonによるディープラーニング』(マイナビ出版) 等がある。 [翻訳]株式会社クイープ: 1995年、米国サンフランシスコに設立。コンピュータシステムの開発、ローカライズ、コンサルティングを手がけている。2001年に日本法人を設立。主な訳書に『Python機械学習プログラミング[第3版]』『プログラマーなら知っておきたい40のアルゴリズム』(インプレス)、『なっとく! AIアルゴリズム』(翔泳社)、『Pythonによるディープラーニング』(マイナビ出版)などがある。 http://www.quipu.co.jp ※この商品は固定レイアウト型の電子書籍です。 ※この商品はタブレットなど大きいディスプレイを備えた端末で読むことに適しています。また、文字列のハイライトや検索、辞書の参照、引用などの機能が使用できません。 ※お使いの端末で無料サンプルをお試しいただいた上でのご購入をお願いいたします。

つくりながら学ぶ!LLM 自作入門

release date: Mar 03, 2025
つくりながら学ぶ!LLM 自作入門
大規模言語モデル (LLM) をつくりながら学ぼう!

Machine Learning und KI kompakt

release date: Jan 28, 2025
Machine Learning und KI kompakt
Vertiefendes Wissen von Deep Learning über Computer Vision bis Natural Language Processing Schließt die Lücke zwischen Grundlagen und Profiwissen Einfache, prägnante Erklärungen zu wichtigen und aktuellen Themen Mit Übungsaufgaben sowie Codebeispielen auf GitHub Sie verfügen bereits über Grundkenntnisse zu maschinellem Lernen und künstlicher Intelligenz, haben aber viele Fragen und wollen tiefer in wesentliche und aktuelle Konzepte eintauchen? ML- und KI-Experte Sebastian Raschka greift in diesem Buch die wichtigsten Schlüsselfragen auf und liefert sowohl prägnante als auch einfach verständliche Erklärungen zu komplexen und fortgeschrittenen Themen wie Deep Learning, Überanpassung, Self-Supervised Learning, generative KI, Computer Vision, Natural Language Processing und Modellevaluierung. Viele Beispiele, anschauliche Illustrationen und praktische Übungsaufgaben helfen Ihnen dabei, das Erlernte nicht nur schnell zu verstehen, sondern auch praktisch umzusetzen. Dabei werden weder fortgeschrittene Mathematik- noch Programmierkenntnisse vorausgesetzt – wer tiefer in den Code eintauchen will, findet jedoch im kostenlosen Zusatzmaterial einige Codebeispiele. Aus dem Inhalt: Umgang mit verschiedenen Zufallsquellen beim Training neuronaler Netze Unterscheidung zwischen Encoder- und Decoder-Architekturen in großen Sprachmodellen (LLMs) Verringerung von Überanpassung durch Daten- und Modellmodifikationen Konstruktion von Konfidenzintervallen für Klassifizierer und Optimierung von Modellen mit begrenzten gelabelten Daten Wählen zwischen verschiedenen Multi-GPU-Trainingsparadigmen und verschiedenen Arten von generativen KI-Modellen Verstehen von Performancemetriken für die Verarbeitung natürlicher Sprache

Stwórz własne AI

release date: Jan 01, 2025

讓AI好好說話! 從頭打造LLM實戰秘笈

release date: Jan 01, 2025

Build a Large Language Model (From Scratch)

release date: Oct 29, 2024
Build a Large Language Model (From Scratch)
Learn how to create, train, and tweak large language models (LLMs) by building one from the ground up! In Build a Large Language Model (from Scratch) bestselling author Sebastian Raschka guides you step by step through creating your own LLM. Each stage is explained with clear text, diagrams, and examples. You’ll go from the initial design and creation, to pretraining on a general corpus, and on to fine-tuning for specific tasks. Build a Large Language Model (from Scratch) teaches you how to: • Plan and code all the parts of an LLM • Prepare a dataset suitable for LLM training • Fine-tune LLMs for text classification and with your own data • Use human feedback to ensure your LLM follows instructions • Load pretrained weights into an LLM Build a Large Language Model (from Scratch) takes you inside the AI black box to tinker with the internal systems that power generative AI. As you work through each key stage of LLM creation, you’ll develop an in-depth understanding of how LLMs work, their limitations, and their customization methods. Your LLM can be developed on an ordinary laptop, and used as your own personal assistant. About the technology Physicist Richard P. Feynman reportedly said, “I don’t understand anything I can’t build.” Based on this same powerful principle, bestselling author Sebastian Raschka guides you step by step as you build a GPT-style LLM that you can run on your laptop. This is an engaging book that covers each stage of the process, from planning and coding to training and fine-tuning. About the book Build a Large Language Model (From Scratch) is a practical and eminently-satisfying hands-on journey into the foundations of generative AI. Without relying on any existing LLM libraries, you’ll code a base model, evolve it into a text classifier, and ultimately create a chatbot that can follow your conversational instructions. And you’ll really understand it because you built it yourself! What''s inside • Plan and code an LLM comparable to GPT-2 • Load pretrained weights • Construct a complete training pipeline • Fine-tune your LLM for text classification • Develop LLMs that follow human instructions About the reader Readers need intermediate Python skills and some knowledge of machine learning. The LLM you create will run on any modern laptop and can optionally utilize GPUs. About the author Sebastian Raschka, PhD, is an LLM Research Engineer with over a decade of experience in artificial intelligence. His work spans industry and academia, including implementing LLM solutions as a senior engineer at Lightning AI and teaching as a statistics professor at the University of Wisconsin–Madison. Sebastian collaborates with Fortune 500 companies on AI solutions and serves on the Open Source Board at University of Wisconsin–Madison. He specializes in LLMs and the development of high-performance AI systems, with a deep focus on practical, code-driven implementations. He is the author of the bestselling books Machine Learning with PyTorch and Scikit-Learn, and Machine Learning Q and AI. The technical editor on this book was David Caswell. Table of Contents 1 Understanding large language models 2 Working with text data 3 Coding attention mechanisms 4 Implementing a GPT model from scratch to generate text 5 Pretraining on unlabeled data 6 Fine-tuning for classification 7 Fine-tuning to follow instructions A Introduction to PyTorch B References and further reading C Exercise solutions D Adding bells and whistles to the training loop E Parameter-efficient fine-tuning with LoRA

El Machine Learning y la inteligencia artificial

release date: Oct 23, 2024
El Machine Learning y la inteligencia artificial
Si está listo para aventurarse más allá de los conceptos introductorios e indagar en el aprendizaje automático, en el aprendizaje profundo y en la inteligencia artificial (IA), el formato de preguntas y respuestas que presenta el libro El Machine Learning y la IA le facilitará mucho las cosas. Nacido de las cuestiones que a menudo se plantea el autor, Sebastián Raschka, este libro muestra un método directo y sin rodeos para acercarle a temas avanzados, que presenta de forma rápida y accesible. Cada capítulo es breve y autónomo, y aborda una cuestión fundamental de la IA, desvelándola con explicaciones claras, diagramas y ejercicios prácticos. En esta lectura encontrará: CAPÍTULOS CONCISOS: Las preguntas clave de la IA se responden de forma sencilla y las ideas complejas se desglosan en piezas fáciles de digerir. GAMA AMPLIA DE TEMAS: Raschka cubre temas que van desde la arquitectura de las redes neuronales y la evaluación de los modelos hasta la visión informática y el procesamiento del lenguaje natural. USOS PRÁCTICOS: Conocerá técnicas para mejorar el rendimiento de los modelos, afinar modelos grandes y mucho más. También aprenderá a: "Gestionar las distintas fuentes de aleatoriedad en la formación de redes neuronales "Diferenciar entre arquitecturas de codificador y decodificador en modelos de lenguaje grandes "Reducir el sobreajuste con modificaciones de datos y modelos "Construir intervalos de confianza para clasificadores y optimizar los modelos con datos etiquetados limitados "Elegir entre paradigmas distintos de formación multi-GPU y tipos diferentes de modelos de IA generativa "Comprender las métricas de rendimiento para el procesamiento del lenguaje natural "Dar sentido a los sesgos inductivos en los transformadores de visión Si busca el recurso perfecto para mejorar su comprensión del aprendizaje automático, El Machine Learning y la IA le ayudará a avanzar fácilmente en este camino.

Machine Learning Q and AI

release date: Apr 16, 2024
Machine Learning Q and AI
Learn the answers to 30 cutting-edge questions in machine learning and AI and level up your expertise in the field. If you’re ready to venture beyond introductory concepts and dig deeper into machine learning, deep learning, and AI, the question-and-answer format of Machine Learning Q and AI will make things fast and easy for you, without a lot of mucking about. Born out of questions often fielded by author Sebastian Raschka, the direct, no-nonsense approach of this book makes advanced topics more accessible and genuinely engaging. Each brief, self-contained chapter journeys through a fundamental question in AI, unraveling it with clear explanations, diagrams, and hands-on exercises. WHAT''S INSIDE: FOCUSED CHAPTERS: Key questions in AI are answered concisely, and complex ideas are broken down into easily digestible parts. WIDE RANGE OF TOPICS: Raschka covers topics ranging from neural network architectures and model evaluation to computer vision and natural language processing. PRACTICAL APPLICATIONS: Learn techniques for enhancing model performance, fine-tuning large models, and more. You’ll also explore how to: • Manage the various sources of randomness in neural network training • Differentiate between encoder and decoder architectures in large language models • Reduce overfitting through data and model modifications • Construct confidence intervals for classifiers and optimize models with limited labeled data • Choose between different multi-GPU training paradigms and different types of generative AI models • Understand performance metrics for natural language processing • Make sense of the inductive biases in vision transformers If you’ve been on the hunt for the perfect resource to elevate your understanding of machine learning, Machine Learning Q and AI will make it easy for you to painlessly advance your knowledge beyond the basics.

Machine Learning con PyTorch y Scikit-Learn

release date: Feb 27, 2023
Machine Learning con PyTorch y Scikit-Learn
Si busca un manual de referencia sobre Machine Learning y Deep Learning con PyTorch, ha llegado al libro indicado. En él se explica paso a paso cómo construir sistemas de aprendizaje automático con éxito. Mientras que en algunos libros solo se enseña a seguir instrucciones, en este descubrirá los principios para crear modelos y aplicaciones por sí mismo. Encontrará multitud de explicaciones claras, visualizaciones y ejemplos, y aprenderá en profundidad todas las técnicas esenciales de Machine Learning. Actualizado para ocuparse de Machine Learning utilizando PyTorch, este libro también presenta las últimas incorporaciones a Scikit-Learn. Además, trata varias técnicas de Machine Learning y Deep Learning para la clasificación de textos e imágenes. Con este libro, también aprenderá sobre las redes generativas antagónicas (GAN), útiles para generar nuevos datos y entrenar agentes inteligentes con aprendizaje reforzado. Por último, esta edición incluye las últimas tendencias en Machine Learning, como las introducciones a las redes neuronales de grafos y transformadores a gran escala utilizados para el procesamiento del lenguaje natural (NLP). Sin duda, tanto si es un desarrollador de Python neófito en Machine Learning como si desea profundizar en los últimos avances, este libro de PyTorch será su gran aliado en el aprendizaje automático con Python. «Estoy seguro de que este libro le resultará muy valioso, tanto por ofrecer una visión general del apasionante campo de Machine Learning, como por ser un tesoro de conocimientos prácticos. Espero que le inspire a aplicar Machine Learning para lograr un mayor beneficio, sea cual sea su problemática» Gracias a esta lectura: •Explorará marcos de trabajo, modelos y técnicas para que las máquinas «aprendan» de los datos •Empleará Scikit-Learn para Machine Learning y PyTorch para Deep Learning •Entrenará clasificadores de Machine Learning en imágenes, texto, etc. •Creará y entrenará redes neuronales, transformadores y redes neuronales gráficas •Descubrirá las mejores prácticas para evaluar y ajustar los modelos •Pronosticará los resultados de elementos continuos utilizando el análisis de regresión •Profundizará en los datos textuales y de las redes sociales mediante el análisis de sentimiento

Python機械学習プログラミング PyTorch&scikit-learn編

release date: Dec 15, 2022
Python機械学習プログラミング PyTorch&scikit-learn編
第3版まで続くロングセラーのPyTorch版! 機械学習の基本から先進的な手法まで本格解説 『機械学習を実践的に学ぶための優れたテキスト』 『多くのトピックを網羅した深い一冊。強力にお勧め』 ―原著への読者の声 本書の前半は、基本的な機械学習ライブラリのscikit-learnを使った手法を解説。 分類の基本モデルに始まり、単層ニューラルネットまでを実装するほか、データ前処理、次元削減、 ハイパーパラメーターのチューニング、アンサンブル学習、回帰分析などを取り上げます。 後半では、PyTorchによるさまざまなディープラーニングの手法を説明。 PyTorchの仕組みを示したあと、CNN/RNN/Transformerといったモデルの実装を解説。 敵対的生成ネットワーク、グラフニューラルネットワーク、強化学習もカバー。 ◎本書は『Machine Learning with PyTorch and Scikit-Learn: Develop machine learning and deep learning models with Python』の翻訳書です。 ◎微積分/線形代数、Pythonの文法、データ分析用ライブラリについてある程度理解している必要があります。 発行:インプレス

Machine Learning with PyTorch and Scikit-Learn

release date: Feb 25, 2022
Machine Learning with PyTorch and Scikit-Learn
This book of the bestselling and widely acclaimed Python Machine Learning series is a comprehensive guide to machine and deep learning using PyTorch s simple to code framework. Purchase of the print or Kindle book includes a free eBook in PDF format. Key Features Learn applied machine learning with a solid foundation in theory Clear, intuitive explanations take you deep into the theory and practice of Python machine learning Fully updated and expanded to cover PyTorch, transformers, XGBoost, graph neural networks, and best practices Book DescriptionMachine Learning with PyTorch and Scikit-Learn is a comprehensive guide to machine learning and deep learning with PyTorch. It acts as both a step-by-step tutorial and a reference you''ll keep coming back to as you build your machine learning systems. Packed with clear explanations, visualizations, and examples, the book covers all the essential machine learning techniques in depth. While some books teach you only to follow instructions, with this machine learning book, we teach the principles allowing you to build models and applications for yourself. Why PyTorch? PyTorch is the Pythonic way to learn machine learning, making it easier to learn and simpler to code with. This book explains the essential parts of PyTorch and how to create models using popular libraries, such as PyTorch Lightning and PyTorch Geometric. You will also learn about generative adversarial networks (GANs) for generating new data and training intelligent agents with reinforcement learning. Finally, this new edition is expanded to cover the latest trends in deep learning, including graph neural networks and large-scale transformers used for natural language processing (NLP). This PyTorch book is your companion to machine learning with Python, whether you''re a Python developer new to machine learning or want to deepen your knowledge of the latest developments.What you will learn Explore frameworks, models, and techniques for machines to learn from data Use scikit-learn for machine learning and PyTorch for deep learning Train machine learning classifiers on images, text, and more Build and train neural networks, transformers, and boosting algorithms Discover best practices for evaluating and tuning models Predict continuous target outcomes using regression analysis Dig deeper into textual and social media data using sentiment analysis Who this book is for If you have a good grasp of Python basics and want to start learning about machine learning and deep learning, then this is the book for you. This is an essential resource written for developers and data scientists who want to create practical machine learning and deep learning applications using scikit-learn and PyTorch. Before you get started with this book, you’ll need a good understanding of calculus, as well as linear algebra.

Machine Learning mit Python und Keras, TensorFlow 2 und Scikit-learn

release date: Mar 03, 2021
Machine Learning mit Python und Keras, TensorFlow 2 und Scikit-learn
• Datenanalyse mit ausgereiften statistischen Modellen des Machine Learnings • Anwendung der wichtigsten Algorithmen und Python-Bibliotheken wie NumPy, SciPy, Scikit-learn, Keras, TensorFlow 2, Pandas und Matplotlib • Best Practices zur Optimierung Ihrer Machine-Learning-Algorithmen Mit diesem Buch erhalten Sie eine umfassende Einführung in die Grundlagen und den effektiven Einsatz von Machine-Learning- und Deep-Learning-Algorithmen und wenden diese anhand zahlreicher Beispiele praktisch an. Dafür setzen Sie ein breites Spektrum leistungsfähiger Python-Bibliotheken ein, insbesondere Keras, TensorFlow 2 und Scikit-learn. Auch die für die praktische Anwendung unverzichtbaren mathematischen Konzepte werden verständlich und anhand zahlreicher Diagramme anschaulich erläutert. Die dritte Auflage dieses Buchs wurde für TensorFlow 2 komplett aktualisiert und berücksichtigt die jüngsten Entwicklungen und Technologien, die für Machine Learning, Neuronale Netze und Deep Learning wichtig sind. Dazu zählen insbesondere die neuen Features der Keras-API, das Synthetisieren neuer Daten mit Generative Adversarial Networks (GANs) sowie die Entscheidungsfindung per Reinforcement Learning. Ein sicherer Umgang mit Python wird vorausgesetzt.

Machine Learning con Python - Nuova edizione

release date: Jan 25, 2021
Machine Learning con Python - Nuova edizione
Oggi più che mai elaborare il magma di dati disponibili è una sfida affascinante e imprescindibile. Il machine learning, ovvero la capacità di creare macchine in grado di apprendere in modo automatico, permette di affrontarla. Questa nuova edizione del bestseller di Sebastian Raschka, profondamente aggiornata e ampliata, accompagna nel mondo del machine learning e mostra come Python sia il linguaggio di programmazione ideale per interrogare i dati e recuperare preziosi insight. Viene spiegato l''utilizzo di librerie dedicate - tra cui TensorFlow e scikit-learn - applicate in ambiti come la selezione e la compressione dei dati, l''analisi del linguaggio naturale, l''elaborazione di previsioni, il riconoscimento delle immagini, e viene dato spazio a due tecniche di machine learning all''avanguardia: il reinforcement learning e le reti generative avversarie (GAN). L''approccio è pragmatico: tutti i concetti sono accompagnati da esempi di codice e tutorial passo-passo. La lettura è consigliata a chi ha già alle spalle qualche studio teorico nel campo della scienza dei dati e ha maturato un''esperienza di base nella programmazione in Python.

Machine learning con Python. Costruire algoritmi per generare conoscenza

release date: Jan 01, 2020

Python ji qi xue xi

release date: Jan 01, 2020

Python Machine Learning - Third Edition

release date: Jan 01, 2019
Python Machine Learning - Third Edition
Applied machine learning with a solid foundation in theory. Revised and expanded for TensorFlow 2, GANs, and reinforcement learning. Key Features Third edition of the bestselling, widely acclaimed Python machine learning book Clear and intuitive explanations take you deep into the theory and practice of Python machine learning Fully updated and expanded to cover TensorFlow 2, Generative Adversarial Network models, reinforcement learning, and best practices Book Description Python Machine Learning, Third Edition is a comprehensive guide to machine learning and deep learning with Python. It acts as both a step-by-step tutorial, and a reference you''ll keep coming back to as you build your machine learning systems. Packed with clear explanations, visualizations, and working examples, the book covers all the essential machine learning techniques in depth. While some books teach you only to follow instructions, with this machine learning book, Raschka and Mirjalili teach the principles behind machine learning, allowing you to build models and applications for yourself. Updated for TensorFlow 2.0, this new third edition introduces readers to its new Keras API features, as well as the latest additions to scikit-learn. It''s also expanded to cover cutting-edge reinforcement learning techniques based on deep learning, as well as an introduction to GANs. Finally, this book also explores a subfield of natural language processing (NLP) called sentiment analysis, helping you learn how to use machine learning algorithms to classify documents. This book is your companion to machine learning with Python, whether you''re a Python developer new to machine learning or want to deepen your knowledge of the latest developments. What you will learn Master the frameworks, models, and techniques that enable machines to ''learn'' from data Use scikit-learn for machine learning and TensorFlow for deep learning Apply machine learning to image classification, sentiment analysis, intelligent web applications, and more Build and train neural networks, GANs, and other models Discover best practices for evaluating and tuning models Predict continuous target outcomes using regression analysis Dig deeper into textual and social media data using sentiment analysis Who This Book Is For If you know some Python and you want to use machine learning and deep learning, pick up this book. Whether you want to start from scratch or extend your machine learning knowledge, this is an essential ...

Machine Learning mit Python und Scikit-Learn und TensorFlow

release date: Jan 01, 2017
Machine Learning mit Python und Scikit-Learn und TensorFlow
Datenanalyse mit ausgereiften statistischen Modellen des Machine Learnings Anwendung der wichtigsten Algorithmen und Python-Bibliotheken wie NumPy, SciPy, Scikit-learn, TensorFlow, Matplotlib, Pandas und Keras Best Practices zur Optimierung Ihrer Machine-Learning-Algorithmen Machine Learning und Predictive Analytics verändern die Arbeitsweise von Unternehmen grundlegend. Die Fähigkeit, in komplexen Daten Trends und Muster zu erkennen, ist heutzutage für den langfristigen geschäftlichen Erfolg ausschlaggebend und entwickelt sich zu einer der entscheidenden Wachstumsstrategien. Die zweite Auflage dieses Buchs berücksichtigt die jüngsten Entwicklungen und Technologien, die für Machine Learning, Neuronale Netze und Deep Learning wichtig sind. Dies betrifft insbesondere die neuesten Open-Source-Bibliotheken wie Scikit-learn, Keras und TensorFlow. Python zählt zu den führenden Programmiersprachen in den Bereichen Machine Learning, Data Science und Deep Learning und ist besonders gut dazu geeignet, grundlegende Erkenntnisse aus Ihren Daten zu gewinnen sowie ausgefeilte Algorithmen und statistische Modelle auszuarbeiten, die neue Einsichten liefern und wichtige Fragen beantworten. Die Autoren erläutern umfassend den Einsatz von Machine-Learning- und Deep-Learning-Algorithmen und wenden diese anhand zahlreicher Beispiele praktisch an. Dafür behandeln sie in diesem Buch ein breites Spektrum leistungsfähiger Python-Bibliotheken wie Scikit-learn, Keras und TensorFlow. Sie lernen detailliert, wie Sie Python für maschinelle Lernverfahren einsetzen und dabei eine Vielzahl von statistischen Modellen verwenden. Aus dem Inhalt: Trainieren von Lernalgorithmen für die Klassifizierung Regressionsanalysen zum Prognostizieren von Ergebnissen Clusteranalyse zum Auffinden verborgener Muster und Strukturen in Ihren Daten Deep-Learning-Verfahren zur Bilderkennung Optimale Organisation Ihrer Daten durch effektive Verfahren zur Vorverarbeitung Datenkomprimierung durch Dimensionsreduktion Training Neuronaler Netze mit TensorFlow Kombination verschiedener Modelle für das Ensemble Learning Einbettung eines Machine-Learning-Modells in eine Webanwendung Stimmungsanalyse in Social Networks Modellierung sequenzieller Daten durch rekurrente Neuronale Netze

Uncovering Hidden Patterns of Molecular Recognition

release date: Jan 01, 2017

Python: Deeper Insights into Machine Learning

release date: Aug 31, 2016
Python: Deeper Insights into Machine Learning
Leverage benefits of machine learning techniques using Python About This Book Improve and optimise machine learning systems using effective strategies. Develop a strategy to deal with a large amount of data. Use of Python code for implementing a range of machine learning algorithms and techniques. Who This Book Is For This title is for data scientist and researchers who are already into the field of data science and want to see machine learning in action and explore its real-world application. Prior knowledge of Python programming and mathematics is must with basic knowledge of machine learning concepts. What You Will Learn Learn to write clean and elegant Python code that will optimize the strength of your algorithms Uncover hidden patterns and structures in data with clustering Improve accuracy and consistency of results using powerful feature engineering techniques Gain practical and theoretical understanding of cutting-edge deep learning algorithms Solve unique tasks by building models Get grips on the machine learning design process In Detail Machine learning and predictive analytics are becoming one of the key strategies for unlocking growth in a challenging contemporary marketplace. It is one of the fastest growing trends in modern computing, and everyone wants to get into the field of machine learning. In order to obtain sufficient recognition in this field, one must be able to understand and design a machine learning system that serves the needs of a project. The idea is to prepare a learning path that will help you to tackle the real-world complexities of modern machine learning with innovative and cutting-edge techniques. Also, it will give you a solid foundation in the machine learning design process, and enable you to build customized machine learning models to solve unique problems. The course begins with getting your Python fundamentals nailed down. It focuses on answering the right questions that cove a wide range of powerful Python libraries, including scikit-learn Theano and Keras.After getting familiar with Python core concepts, it''s time to dive into the field of data science. You will further gain a solid foundation on the machine learning design and also learn to customize models for solving problems. At a later stage, you will get a grip on more advanced techniques and acquire a broad set of powerful skills in the area of feature selection and feature engineering. Style and approach This course includes all the resources that will help you jump into the data science field with Python. The aim is to walk through the elements of Python covering powerful machine learning libraries. This course will explain important machine learning models in a step-by-step manner. Each topic is well explained with real-world applications with detailed guidance.Through this comprehensive guide, you will be able to explore machine learning techniques.

Python: Real-World Data Science

release date: Jun 10, 2016
Python: Real-World Data Science
Unleash the power of Python and its robust data science capabilities About This Book Unleash the power of Python 3 objects Learn to use powerful Python libraries for effective data processing and analysis Harness the power of Python to analyze data and create insightful predictive models Unlock deeper insights into machine learning with this vital guide to cutting-edge predictive analytics Who This Book Is For Entry-level analysts who want to enter in the data science world will find this course very useful to get themselves acquainted with Python''s data science capabilities for doing real-world data analysis. What You Will Learn Install and setup Python Implement objects in Python by creating classes and defining methods Get acquainted with NumPy to use it with arrays and array-oriented computing in data analysis Create effective visualizations for presenting your data using Matplotlib Process and analyze data using the time series capabilities of pandas Interact with different kind of database systems, such as file, disk format, Mongo, and Redis Apply data mining concepts to real-world problems Compute on big data, including real-time data from the Internet Explore how to use different machine learning models to ask different questions of your data In Detail The Python: Real-World Data Science course will take you on a journey to become an efficient data science practitioner by thoroughly understanding the key concepts of Python. This learning path is divided into four modules and each module are a mini course in their own right, and as you complete each one, you''ll have gained key skills and be ready for the material in the next module. The course begins with getting your Python fundamentals nailed down. After getting familiar with Python core concepts, it''s time that you dive into the field of data science. In the second module, you''ll learn how to perform data analysis using Python in a practical and example-driven way. The third module will teach you how to design and develop data mining applications using a variety of datasets, starting with basic classification and affinity analysis to more complex data types including text, images, and graphs. Machine learning and predictive analytics have become the most important approaches to uncover data gold mines. In the final module, we''ll discuss the necessary details regarding machine learning concepts, offering intuitive yet informative explanations on how machine learning algorithms work, how to use them, and most importantly, how to avoid the common pitfalls. Style and approach This course includes all the resources that will help you jump into the data science field with Python and learn how to make sense of data. The aim is to create a smooth learning path that will teach you how to get started with powerful Python libraries and perform various data science techniques in depth.

Python : Deeper Insights Into Machine Learning

release date: Jan 01, 2016
Python : Deeper Insights Into Machine Learning
Leverage benefits of machine learning techniques using Python. About This Book Improve and optimise machine learning systems using effective strategies. Develop a strategy to deal with a large amount of data. Use of Python code for implementing a range of machine learning algorithms and techniques. Who This Book Is For This title is for data scientist and researchers who are already into the field of data science and want to see machine learning in action and explore its real-world application. Prior knowledge of Python programming and mathematics is must with basic knowledge of machine learning concepts. What You Will Learn Learn to write clean and elegant Python code that will optimize the strength of your algorithms Uncover hidden patterns and structures in data with clustering Improve accuracy and consistency of results using powerful feature engineering techniques Gain practical and theoretical understanding of cutting-edge deep learning algorithms Solve unique tasks by building models Get grips on the machine learning design process In Detail Machine learning and predictive analytics are becoming one of the key strategies for unlocking growth in a challenging contemporary marketplace. It is one of the fastest growing trends in modern computing, and everyone wants to get into the field of machine learning. In order to obtain sufficient recognition in this field, one must be able to understand and design a machine learning system that serves the needs of a project. The idea is to prepare a learning path that will help you to tackle the real-world complexities of modern machine learning with innovative and cutting-edge techniques. Also, it will give you a solid foundation in the machine learning design process, and enable you to build customized machine learning models to solve unique problems. The course begins with getting your Python fundamentals nailed down. It focuses on answering the right questions that cove a wide range of powerful Python libraries, including scikit-learn Theano and Keras.After getting familiar with Python core concepts, it''s time to dive into the field of data science. You will further gain a solid foundation on the machine learning design and also learn to customize models for solving problems. At a later stage, you will get a grip on more advanced techniques and acquire a broad set of powerful skills in the area of feature selection and feature engineering. Style and approach This course includes all the resource...

Python 機器學習

release date: Jan 01, 2016

Python Machine Learning

release date: Sep 23, 2015
Python Machine Learning
Unlock deeper insights into Machine Leaning with this vital guide to cutting-edge predictive analytics About This Book Leverage Python''s most powerful open-source libraries for deep learning, data wrangling, and data visualization Learn effective strategies and best practices to improve and optimize machine learning systems and algorithms Ask – and answer – tough questions of your data with robust statistical models, built for a range of datasets Who This Book Is For If you want to find out how to use Python to start answering critical questions of your data, pick up Python Machine Learning – whether you want to get started from scratch or want to extend your data science knowledge, this is an essential and unmissable resource. What You Will Learn Explore how to use different machine learning models to ask different questions of your data Learn how to build neural networks using Keras and Theano Find out how to write clean and elegant Python code that will optimize the strength of your algorithms Discover how to embed your machine learning model in a web application for increased accessibility Predict continuous target outcomes using regression analysis Uncover hidden patterns and structures in data with clustering Organize data using effective pre-processing techniques Get to grips with sentiment analysis to delve deeper into textual and social media data In Detail Machine learning and predictive analytics are transforming the way businesses and other organizations operate. Being able to understand trends and patterns in complex data is critical to success, becoming one of the key strategies for unlocking growth in a challenging contemporary marketplace. Python can help you deliver key insights into your data – its unique capabilities as a language let you build sophisticated algorithms and statistical models that can reveal new perspectives and answer key questions that are vital for success. Python Machine Learning gives you access to the world of predictive analytics and demonstrates why Python is one of the world''s leading data science languages. If you want to ask better questions of data, or need to improve and extend the capabilities of your machine learning systems, this practical data science book is invaluable. Covering a wide range of powerful Python libraries, including scikit-learn, Theano, and Keras, and featuring guidance and tips on everything from sentiment analysis to neural networks, you''ll soon be able to answer some of the most important questions facing you and your organization. Style and approach Python Machine Learning connects the fundamental theoretical principles behind machine learning to their practical application in a way that focuses you on asking and answering the right questions. It walks you through the key elements of Python and its powerful machine learning libraries, while demonstrating how to get to grips with a range of statistical models.

Instant Heat Maps in R

release date: Jan 01, 2013
Instant Heat Maps in R
Filled with practical, step-by-step instructions and clear explanations for the most important and useful tasks. Heat Maps in R: How-to is an easy to understand book that starts with a simple heat map and takes you all the way through to advanced heat maps with graphics and data manipulation.Heat Maps in R: How-to is the book for you if you want to make use of this free and open source software to get the most out of your data analysis. You need to have at least some experience in using R and know how to run basic scripts from the command line. However, knowledge of other statistical scripting languages such as Octave, S-Plus, or MATLAB will suffice to follow along with the recipes. You need not be from a statistics background.
26 results found


  • Aboutread.com makes it one-click away to discover great books from local library by linking books/movies to your library catalog search.

  • Copyright © 2025 Aboutread.com