Alex Martelli

Fellow, Python Software Foundation

We may earn commissions for purchases made via this page

Book Recommendations:

Recommended by Alex Martelli

Packt recently sent me a review copy of this book, and I was seriously impressed. The book focuses admirably well on the practical side of many variants of neural networks (and a few non-NN approaches to ML tasks, such as k-means clustering for unsupervised learning). Readers also get to see actual Python code implementing each of the NN variants (mostly, as the title says, with Keras and TensorFlow). The code is always kept very simple and readable but is quite usable as-is, although it's most useful as a springboard to customization, tweaks, and optimization for the reader's specific purposes. (from Amazon)

Build cutting edge machine and deep learning systems for the lab, production, and mobile devices. Purchase of the print or Kindle book includes a free eBook in PDF format. Key Features: Understand the fundamentals of deep learning and machine learning through clear explanations and extensive code samplesImplement graph neural networks, transformers using Hugging Face and TensorFlow Hub, and joint and contrastive learningLearn cutting-edge machine and deep learning techniques Book Description: Deep Learning with TensorFlow and Keras teaches you neural networks and deep learning techniques using TensorFlow (TF) and Keras. You'll learn how to write deep learning applications in the most powerful, popular, and scalable machine learning stack available. TensorFlow 2.x focuses on simplicity and ease of use, with updates like eager execution, intuitive higher-level APIs based on Keras, and flexible model building on any platform. This book uses the latest TF 2.0 features and libraries to present an overview of supervised and unsupervised machine learning models and provides a comprehensive analysis of deep learning and reinforcement learning models using practical examples for the cloud, mobile, and large production environments. This book also shows you how to create neural networks with TensorFlow, runs through popular algorithms (regression, convolutional neural networks (CNNs), transformers, GANs, recurrent neural networks (RNNs), natural language processing (NLP), and Graph Neural Networks (GNNs)), covers working example apps, and then dives into TF in production, TF mobile, and TensorFlow with AutoML. What You Will Learn: Learn how to use the popular GNNs with TensorFlow to carry out graph mining tasksDiscover the world of transformers, from pretraining to fine-tuning to evaluating themApply self-supervised learning to natural language processing, computer vision, and audio signal processingCombine probabilistic and deep learning models using TensorFlow ProbabilityTrain your models on the cloud and put TF to work in real environmentsBuild machine learning and deep learning systems with TensorFlow 2.x and the Keras API Who this book is for: This hands-on machine learning book is for Python developers and data scientists who want to build machine learning and deep learning systems with TensorFlow. This book gives you the theory and practice required to use Keras, TensorFlow, and AutoML to build machine learning systems. Some machine learning knowledge would be useful. We don't assume TF knowledge.

Recommended by Alex Martelli

Python Machine Learning 3rd edition is a very useful book for machine learning beginners all the way to fairly advanced readers, thoroughly covering the theory and practice of ML, with example datasets, Python code, and good pointers to the vast ML literature about advanced issues. (from Amazon)

Applied machine learning with a solid foundation in theory. Revised and expanded for TensorFlow 2, GANs, and reinforcement learning. Purchase of the print or Kindle book includes a free eBook in the PDF format. Key FeaturesThird edition of the bestselling, widely acclaimed Python machine learning bookClear and intuitive explanations take you deep into the theory and practice of Python machine learningFully updated and expanded to cover TensorFlow 2, Generative Adversarial Network models, reinforcement learning, and best practicesBook DescriptionPython 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 learnMaster the frameworks, models, and techniques that enable machines to 'learn' from dataUse scikit-learn for machine learning and TensorFlow for deep learningApply machine learning to image classification, sentiment analysis, intelligent web applications, and moreBuild and train neural networks, GANs, and other modelsDiscover best practices for evaluating and tuning modelsPredict continuous target outcomes using regression analysisDig deeper into textual and social media data using sentiment analysisWho this book is forIf 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 resource. Written for developers and data scientists who want to create practical machine learning and deep learning code, this book is ideal for anyone who wants to teach computers how to learn from data. Table of ContentsGiving Computers the Ability to Learn from DataTraining Simple Machine Learning Algorithms for ClassificationA Tour of Machine Learning Classifiers Using scikit-learnBuilding Good Training Datasets - Data PreprocessingCompressing Data via Dimensionality ReductionLearning Best Practices for Model Evaluation and Hyperparameter TuningCombining Different Models for Ensemble LearningApplying Machine Learning to Sentiment AnalysisEmbedding a Machine Learning Model into a Web ApplicationPredicting Continuous Target Variables with Regression AnalysisWorking with Unlabeled Data - Clustering AnalysisImplementing a Multilayer Artificial Neural Network from ScratchParallelizing Neural Network Training with TensorFlow(N.B. Please use the Look Inside option to see further chapters)

Recommended by Alex Martelli

Python Machine Learning by Example, Third Edition is ideal for those who learn best by doing. I think for the ML beginner, this book may be a better starting point than one with much more about theory and less focus on the practical aspects of ML. (from Amazon)

Author Yuxi (Hayden) Liu teaches machine learning from the fundamentals to building NLP transformers and multimodal models with best practice tips and real-world examples using PyTorch, TensorFlow, scikit-learn, and pandas Key FeaturesDiscover new and updated content on NLP transformers, PyTorch, and computer vision modelingIncludes a dedicated chapter on best practices and additional best practice tips throughout the book to improve your ML solutionsImplement ML models, such as neural networks and linear and logistic regression, from scratchPurchase of the print or Kindle book includes a free PDF copyBook DescriptionThe fourth edition of Python Machine Learning By Example is a comprehensive guide for beginners and experienced machine learning practitioners who want to learn more advanced techniques, such as multimodal modeling. Written by experienced machine learning author and ex-Google machine learning engineer Yuxi (Hayden) Liu, this edition emphasizes best practices, providing invaluable insights for machine learning engineers, data scientists, and analysts. Explore advanced techniques, including two new chapters on natural language processing transformers with BERT and GPT, and multimodal computer vision models with PyTorch and Hugging Face. You’ll learn key modeling techniques using practical examples, such as predicting stock prices and creating an image search engine. This hands-on machine learning book navigates through complex challenges, bridging the gap between theoretical understanding and practical application. Elevate your machine learning and deep learning expertise, tackle intricate problems, and unlock the potential of advanced techniques in machine learning with this authoritative guide. What you will learnFollow machine learning best practices throughout data preparation and model developmentBuild and improve image classifiers using convolutional neural networks (CNNs) and transfer learningDevelop and fine-tune neural networks using TensorFlow and PyTorchAnalyze sequence data and make predictions using recurrent neural networks (RNNs), transformers, and CLIPBuild classifiers using support vector machines (SVMs) and boost performance with PCAAvoid overfitting using regularization, feature selection, and moreWho this book is forThis expanded fourth edition is ideal for data scientists, ML engineers, analysts, and students with Python programming knowledge. The real-world examples, best practices, and code prepare anyone undertaking their first serious ML project. Table of ContentsGetting Started with Machine Learning and PythonBuilding a Movie Recommendation EnginePredicting Online Ad Click-Through with Tree-Based AlgorithmsPredicting Online Ad Click-Through with Logistic RegressionPredicting Stock Prices with Regression AlgorithmsPredicting Stock Prices with Artificial Neural NetworksMining the 20 Newsgroups Dataset with Text Analysis TechniquesDiscovering Underlying Topics in the Newsgroups Dataset with Clustering and Topic ModelingRecognizing Faces with Support Vector MachineMachine Learning Best PracticesCategorizing Images of Clothing with Convolutional Neural NetworksMaking Predictions with Sequences Using Recurrent Neural NetworksAdvancing Language Understanding and Generation with Transformer ModelsBuilding An Image Search Engine Using Multimodal ModelsMaking Decisions in Complex Environments with Reinforcement Learning