- On-Device Deep Learning: PyTorch Mobile and TensorFlow Lite - Nov 22, 2021.
PyTorch and TensorFlow are the two leading AI/ML Frameworks. In this article, we take a look at their on-device counterparts PyTorch Mobile and TensorFlow Lite and examine them more deeply from the perspective of someone who wishes to develop and deploy models for use on mobile platforms.
Deep Learning, Mobile, PyTorch, TensorFlow
- Deep Learning on your phone: PyTorch C++ API for use on Mobile Platforms - Nov 12, 2021.
The PyTorch Deep Learning framework has a C++ API for use on mobile platforms. This article shows an end-to-end demo of how to write a simple C++ application with Deep Learning capabilities using the PyTorch C++ API such that the same code can be built for use on mobile platforms (both Android and iOS).
C++, Deep Learning, Mobile, Python, PyTorch
- Advanced PyTorch Lightning with TorchMetrics and Lightning Flash - Nov 1, 2021.
In this tutorial we will be diving deeper into two additional tools you should be using: TorchMetrics and Lightning Flash. TorchMetrics unsurprisingly provides a modular approach to define and track useful metrics across batches and devices, while Lightning Flash offers a suite of functionality facilitating more efficient transfer learning and data handling, and a recipe book of state-of-the-art approaches to typical deep learning problems.
Metrics, Python, PyTorch, PyTorch Lightning, Transfer Learning
- Getting Started with PyTorch Lightning - Oct 26, 2021.
As a library designed for production research, PyTorch Lightning streamlines hardware support and distributed training as well, and we’ll show how easy it is to move training to a GPU toward the end.
Deep Learning, Machine Learning, Python, PyTorch, PyTorch Lightning
- The 20 Python Packages You Need For Machine Learning and Data Science - Oct 14, 2021.
Do you do Python? Do you do data science and machine learning? Then, you need to do these crucial Python libraries that enable nearly all you will want to do.
Data Science, Keras, Machine Learning, Matplotlib, numpy, Pandas, Plotly, Python, PyTorch, scikit-learn, TensorFlow
- AutoML: An Introduction Using Auto-Sklearn and Auto-PyTorch - Oct 11, 2021.
AutoML is a broad category of techniques and tools for applying automated search to your automated search and learning to your learning. In addition to Auto-Sklearn, the Freiburg-Hannover AutoML group has also developed an Auto-PyTorch library. We’ll use both of these as our entry point into AutoML in the following simple tutorial.
Automated Machine Learning, AutoML, Python, PyTorch, scikit-learn
- Introduction to PyTorch Lightning - Oct 4, 2021.
PyTorch Lightning is a high-level programming layer built on top of PyTorch. It makes building and training models faster, easier, and more reliable.
Deep Learning, Neural Networks, PyTorch, PyTorch Lightning
- A Breakdown of Deep Learning Frameworks - Sep 23, 2021.
Deep Learning continues to evolve as one of the most powerful techniques in the AI toolbox. Many software packages exist today to support the development of models, and we highlight important options available with key qualities and differentiators to help you select the most appropriate for your needs.
Deep Learning, Keras, MATLAB, MXNet, PyTorch, TensorFlow
- High-Performance Deep Learning: How to train smaller, faster, and better models – Part 5 - Jul 16, 2021.
Training efficient deep learning models with any software tool is nothing without an infrastructure of robust and performant compute power. Here, current software and hardware ecosystems are reviewed that you might consider in your development when the highest performance possible is needed.
Deep Learning, Efficiency, Google, Hardware, Machine Learning, NVIDIA, PyTorch, Scalability, TensorFlow
- What makes a winning entry in a Machine Learning competition? - May 5, 2021.
So you want to show your grit in a Kaggle-style competition? Many, many others have the same idea, including domain experts and non-experts, and academic and corporate teams. What does it take for your bright ideas and skills to come out on top of thousands of competitors?
Challenge, Competition, Kaggle, Machine Learning, PyTorch, TensorFlow
- The Most In-Demand Skills for Data Scientists in 2021 - Apr 15, 2021.
If you are preparing to make a career as a Data Scientist or are looking for opportunities to skill-up in your current role, this analysis of in-demand skills for 2021, based on over 15,000 Data Scientist job postings, should offer you a good idea as to which programming languages and software tools are increasing and decreasing in importance.
AWS, Data Science Skills, Python, PyTorch, R, scikit-learn, SQL, TensorFlow
- Multilingual CLIP with Huggingface + PyTorch Lightning - Mar 26, 2021.
An overview of training OpenAI's CLIP on Google Colab.
CLIP, Google Colab, Hugging Face, Image Recognition, NLP, OpenAI, PyTorch, PyTorch Lightning
- Getting Started with Distributed Machine Learning with PyTorch and Ray - Mar 3, 2021.
Ray is a popular framework for distributed Python that can be paired with PyTorch to rapidly scale machine learning applications.
Distributed Systems, Machine Learning, Python, PyTorch
- Speech to Text with Wav2Vec 2.0 - Mar 2, 2021.
Facebook recently introduced and open-sourced their new framework for self-supervised learning of representations from raw audio data called Wav2Vec 2.0. Learn more about it and how to use it here.
Hugging Face, NLP, Python, PyTorch, Transformer
- Hugging Face Transformers Package – What Is It and How To Use It - Feb 16, 2021.
The rapid development of Transformers have brought a new wave of powerful tools to natural language processing. These models are large and very expensive to train, so pre-trained versions are shared and leveraged by researchers and practitioners. Hugging Face offers a wide variety of pre-trained transformers as open-source libraries, and you can incorporate these with only one line of code.
Deep Learning, Hugging Face, Natural Language Generation, NLP, PyTorch, TensorFlow, Transformer, Zero-shot Learning
- Build Your First Data Science Application - Feb 4, 2021.
Check out these seven Python libraries to make your first data science MVP application.
API, Data Science, Jupyter, Keras, numpy, Pandas, Plotly, Python, PyTorch, scikit-learn
- Computer Vision at Scale With Dask And PyTorch - Nov 23, 2020.
A tutorial on conducting image classification inference using the Resnet50 deep learning model at scale with using GPU clusters on Saturn Cloud. The results were: 40x faster computer vision that made a 3+ hour PyTorch model run in just 5 minutes.
Computer Vision, Dask, Python, PyTorch, Scalability
- 5 Most Useful Machine Learning Tools every lazy full-stack data scientist should use - Nov 18, 2020.
If you consider yourself a Data Scientist who can take any project from data curation to solution deployment, then you know there are many tools available today to help you get the job done. The trouble is that there are too many choices. Here is a review of five sets of tools that should turn you into the most efficient full-stack data scientist possible.
Data Science Tools, Data Scientist, GitHub, Heroku, Machine Learning, Postgres, PyCharm, PyTorch, scikit-learn, Streamlit
- Facebook Open Sourced New Frameworks to Advance Deep Learning Research - Nov 17, 2020.
Polygames, PyTorch3D and HiPlot are the new additions to Facebook’s open source deep learning stack.
Deep Learning, Facebook, Open Source, PyTorch, Research
- How to Acquire the Most Wanted Data Science Skills - Nov 13, 2020.
We recently surveyed KDnuggets readers to determine the "most wanted" data science skills. Since they seem to be those most in demand from practitioners, here is a collection of resources for getting started with this learning.
Algorithms, Amazon, Apache Spark, AWS, Computer Vision, Data Science, Data Science Skills, Deep Learning, Docker, NLP, NoSQL, PyTorch, Reinforcement Learning, TensorFlow
- How to deploy PyTorch Lightning models to production - Nov 5, 2020.
A complete guide to serving PyTorch Lightning models at scale.
Deployment, Neural Networks, Production, Python, PyTorch, PyTorch Lightning
- Building Neural Networks with PyTorch in Google Colab - Oct 30, 2020.
Combining PyTorch and Google's cloud-based Colab notebook environment can be a good solution for building neural networks with free access to GPUs. This article demonstrates how to do just that.
Deep Learning, Google Colab, Neural Networks, Python, PyTorch
- Getting Started with PyTorch - Oct 14, 2020.
A practical walkthrough on how to use PyTorch for data analysis and inference.
Neural Networks, Python, PyTorch
- KDnuggets™ News 20:n37, Sep 30: Introduction to Time Series Analysis in Python; How To Improve Machine Learning Model Accuracy - Sep 30, 2020.
Learn how to work with time series in Python; Tips for improving Machine Learning model accuracy from 80% to over 90%; Geographical Plots with Python; Best methods for making Python programs blazingly fast; Read a complete guide to PyTorch; KDD Best Paper Awards and more.
Accuracy, Geospatial, KDD, Performance, Python, PyTorch, Time Series
- Looking Inside The Blackbox: How To Trick A Neural Network - Sep 28, 2020.
In this tutorial, I’ll show you how to use gradient ascent to figure out how to misclassify an input.
Neural Networks, Python, PyTorch, PyTorch Lightning
- The Most Complete Guide to PyTorch for Data Scientists - Sep 24, 2020.
All the PyTorch functionality you will ever need while doing Deep Learning. From an Experimentation/Research Perspective.
Data Science, Data Scientist, Neural Networks, Python, PyTorch
- Autograd: The Best Machine Learning Library You’re Not Using? - Sep 16, 2020.
If there is a Python library that is emblematic of the simplicity, flexibility, and utility of differentiable programming it has to be Autograd.
Deep Learning, Neural Networks, Python, PyTorch
- Math and Architectures of Deep Learning! - Jul 15, 2020.
This hands-on book bridges the gap between theory and practice, showing you the math of deep learning algorithms side by side with an implementation in PyTorch. Save 50% with code kdarch50.
Architecture, Deep Learning, Manning, Mathematics, PyTorch
- PyTorch LSTM: Text Generation Tutorial - Jul 13, 2020.
Key element of LSTM is the ability to work with sequences and its gating mechanism.
LSTM, Natural Language Generation, NLP, Python, PyTorch
- PyTorch for Deep Learning: The Free eBook - Jul 7, 2020.
For this week's free eBook, check out the newly released Deep Learning with PyTorch from Manning, made freely available via PyTorch's website for a limited time. Grab it now!
Deep Learning, Free ebook, Neural Networks, PyTorch
- PyTorch Multi-GPU Metrics Library and More in New PyTorch Lightning Release - Jul 2, 2020.
PyTorch Lightning, a very light-weight structure for PyTorch, recently released version 0.8.1, a major milestone. With incredible user adoption and growth, they are continuing to build tools to easily do AI research.
GPU, Metrics, Python, PyTorch, PyTorch Lightning
- KDnuggets™ News 20:n25, Jun 24: PyTorch Fundamentals You Should Know; Free Math Courses to Boost Your Data Science Skills - Jun 24, 2020.
A Classification Project in Machine Learning: a gentle step-by-step guide; Crop Disease Detection Using Machine Learning and Computer Vision; Bias in AI: A Primer; Machine Learning in Dask; How to Deal with Missing Values in Your Dataset
Agriculture, Computer Vision, Courses, Data Science, Machine Learning, Mathematics, PyTorch, Tom Fawcett
- The Most Important Fundamentals of PyTorch you Should Know - Jun 18, 2020.
PyTorch is a constantly developing deep learning framework with many exciting additions and features. We review its basic elements and show an example of building a simple Deep Neural Network (DNN) step-by-step.
Deep Learning, Neural Networks, Python, PyTorch, Tensor
- Deep Learning for Coders with fastai and PyTorch: The Free eBook - Jun 1, 2020.
If you are interested in a top-down, example-driven book on deep learning, check out the draft of the upcoming Deep Learning for Coders with fastai & PyTorch from fast.ai team.
Deep Learning, fast.ai, Free ebook, Jeremy Howard, PyTorch
- Build PyTorch Models Easily Using torchlayers - Apr 9, 2020.
torchlayers aims to do what Keras did for TensorFlow, providing a higher-level model-building API and some handy defaults and add-ons useful for crafting PyTorch neural networks.
API, Keras, Neural Networks, Python, PyTorch
- OpenAI is Adopting PyTorch… They Aren’t Alone - Jan 31, 2020.
OpenAI is moving to PyTorch for the bulk of their research work. This might be a high-profile adoption, but it is far from the only such example.
Adoption, AI, Deep Learning, OpenAI, PyTorch
- Facebook Has Been Quietly Open Sourcing Some Amazing Deep Learning Capabilities for PyTorch - Nov 4, 2019.
The new release of PyTorch includes some impressive open source projects for deep learning researchers and developers.
Deep Learning, Facebook, PyTorch
- A Gentle Introduction to PyTorch 1.2 - Sep 20, 2019.
This comprehensive tutorial aims to introduce the fundamentals of PyTorch building blocks for training neural networks.
Neural Networks, Python, PyTorch
- Which Data Science Skills are core and which are hot/emerging ones? - Sep 17, 2019.
We identify two main groups of Data Science skills: A: 13 core, stable skills that most respondents have and B: a group of hot, emerging skills that most do not have (yet) but want to add. See our detailed analysis.
Career, Data Science Skills, Data Visualization, Deep Learning, Excel, Machine Learning, Poll, Python, PyTorch, Scala, Skills, Statistics, TensorFlow
- 5 Step Guide to Scalable Deep Learning Pipelines with d6tflow - Sep 16, 2019.
How to turn a typical pytorch script into a scalable d6tflow DAG for faster research & development.
Deep Learning, Pipeline, Python, PyTorch, Workflow
- TensorFlow vs PyTorch vs Keras for NLP - Sep 3, 2019.
These three deep learning frameworks are your go-to tools for NLP, so which is the best? Check out this comparative analysis based on the needs of NLP, and find out where things are headed in the future.
Deep Learning, Exxact, Keras, NLP, PyTorch, TensorFlow
- Pytorch Lightning vs PyTorch Ignite vs Fast.ai - Aug 16, 2019.
Here, I will attempt an objective comparison between all three frameworks. This comparison comes from laying out similarities and differences objectively found in tutorials and documentation of all three frameworks.
fast.ai, Neural Networks, Python, PyTorch, PyTorch Lightning
- 9 Tips For Training Lightning-Fast Neural Networks In Pytorch - Aug 9, 2019.
Who is this guide for? Anyone working on non-trivial deep learning models in Pytorch such as industrial researchers, Ph.D. students, academics, etc. The models we're talking about here might be taking you multiple days to train or even weeks or months.
Neural Networks, Performance, PyTorch, PyTorch Lightning, Tips
- Pytorch Cheat Sheet for Beginners and Udacity Deep Learning Nanodegree - Aug 2, 2019.
This cheatsheet should be easier to digest than the official documentation and should be a transitional tool to get students and beginners to get started reading documentations soon.
Beginners, Cheat Sheet, Deep Learning, Google Colab, Python, PyTorch, Udacity
- Which Deep Learning Framework is Growing Fastest? - May 1, 2019.
In September 2018, I compared all the major deep learning frameworks in terms of demand, usage, and popularity. TensorFlow was the champion of deep learning frameworks and PyTorch was the youngest framework. How has the landscape changed?
Data Science, Data Scientist, Deep Learning, fast.ai, Keras, Python, PyTorch, TensorFlow
- Getting started with NLP using the PyTorch framework - Apr 3, 2019.
We discuss the classes that PyTorch provides for helping with Natural Language Processing (NLP) and how they can be used for related tasks using recurrent layers.
Neural Networks, NLP, PyTorch, Recurrent Neural Networks
- Deploy your PyTorch model to Production - Mar 20, 2019.
This tutorial aims to teach you how to deploy your recently trained model in PyTorch as an API using Python.
Data Science Education, Data Scientist, Deep Learning, Flask, Programming, Python, PyTorch
- Beating the Bookies with Machine Learning - Mar 8, 2019.
We investigate how to use a custom loss function to identify fair odds, including a detailed example using machine learning to bet on the results of a darts match and how this can assist you in beating the bookmaker.
Machine Learning, PyTorch, Sports, Statistics
- Top Python Libraries in 2018 in Data Science, Deep Learning, Machine Learning - Dec 19, 2018.
Here are the top 15 Python libraries across Data Science, Data Visualization. Deep Learning, and Machine Learning.
Data Science, Deep Learning, Machine Learning, Pandas, Python, PyTorch, TensorFlow
- State of Deep Learning and Major Advances: H2 2018 Review - Dec 13, 2018.
In this post we summarise some of the key developments in deep learning in the second half of 2018, before briefly discussing the road ahead for the deep learning community.
Deep Learning, Generative Adversarial Network, NLP, PyTorch, TensorFlow, Trends
- Introduction to PyTorch for Deep Learning - Nov 7, 2018.
In this tutorial, you’ll get an introduction to deep learning using the PyTorch framework, and by its conclusion, you’ll be comfortable applying it to your deep learning models.
Deep Learning, Neural Networks, Python, PyTorch
- Top 13 Python Deep Learning Libraries - Nov 2, 2018.
Part 2 of a new series investigating the top Python Libraries across Machine Learning, AI, Deep Learning and Data Science.
Caffe, Deep Learning, GitHub, MXNet, Python, PyTorch, TensorFlow, Theano
- Deep Learning Framework Power Scores 2018 - Sep 24, 2018.
Who’s on top in usage, interest, and popularity?
CNTK, Deep Learning, fast.ai, Java, Keras, MXNet, Python, PyTorch, TensorFlow, Theano
- Top 20 Python Libraries for Data Science in 2018 - Jun 27, 2018.
Our selection actually contains more than 20 libraries, as some of them are alternatives to each other and solve the same problem. Therefore we have grouped them as it's difficult to distinguish one particular leader at the moment.
Pages: 1 2
Bokeh, Data Science, Keras, Matplotlib, NLTK, numpy, Pandas, Plotly, Python, PyTorch, scikit-learn, SciPy, Seaborn, TensorFlow, XGBoost
- Taming LSTMs: Variable-sized mini-batches and why PyTorch is good for your health - Jun 14, 2018.
After reading this, you’ll be back to fantasies of you + PyTorch eloping into the sunset while your Recurrent Networks achieve new accuracies you’ve only read about on Arxiv.
LSTM, Neural Networks, PyTorch, Recurrent Neural Networks
- How to Implement a YOLO (v3) Object Detector from Scratch in PyTorch: Part 1 - May 17, 2018.
The best way to go about learning object detection is to implement the algorithms by yourself, from scratch. This is exactly what we'll do in this tutorial.
Computer Vision, Image Recognition, Neural Networks, Object Detection, Python, PyTorch, YOLO
- Simple Derivatives with PyTorch - May 14, 2018.
PyTorch includes an automatic differentiation package, autograd, which does the heavy lifting for finding derivatives. This post explores simple derivatives using autograd, outside of neural networks.
Python, PyTorch
- PyTorch Tensor Basics - May 11, 2018.
This is an introduction to PyTorch's Tensor class, which is reasonably analogous to Numpy's ndarray, and which forms the basis for building neural networks in PyTorch.
GPU, Python, PyTorch, Tensor
- Getting Started with PyTorch Part 1: Understanding How Automatic Differentiation Works - Apr 11, 2018.
PyTorch has emerged as a major contender in the race to be the king of deep learning frameworks. What makes it really luring is it’s dynamic computation graph paradigm.
Pages: 1 2
Deep Learning, Neural Networks, Python, PyTorch
- Comparing Deep Learning Frameworks: A Rosetta Stone Approach - Mar 26, 2018.
A Rosetta Stone of deep-learning frameworks has been created to allow data-scientists to easily leverage their expertise from one framework to another.
Caffe, CNTK, Deep Learning, GPU, Keras, Microsoft, MXNet, PyTorch, TensorFlow
- Deep Learning Development with Google Colab, TensorFlow, Keras & PyTorch - Feb 20, 2018.
Now you can develop deep learning applications with Google Colaboratory - on the free Tesla K80 GPU - using Keras, Tensorflow and PyTorch.
Pages: 1 2
Deep Learning, Google, Google Colab, Keras, Python, PyTorch, TensorFlow
- A Simple Starter Guide to Build a Neural Network - Feb 5, 2018.
This guide serves as a basic hands-on work to lead you through building a neural network from scratch. Most of the mathematical concepts and scientific decisions are left out.
Machine Learning, Neural Networks, Python, PyTorch
- Top 10 Videos on Deep Learning in Python - Nov 17, 2017.
Playlists, individual tutorials (not part of a playlist) and online courses on Deep Learning (DL) in Python using the Keras, Theano, TensorFlow and PyTorch libraries. Assumes no prior knowledge. These videos cover all skill levels and time constraints!
Deep Learning, Keras, Python, PyTorch, TensorFlow, Theano, Top 10, Tutorials, Videolectures, Youtube
- Ranking Popular Deep Learning Libraries for Data Science - Oct 23, 2017.
We rank 23 open-source deep learning libraries that are useful for Data Science. The ranking is based on equally weighing its three components: Github and Stack Overflow activity, as well as Google search results.
Caffe, Deep Learning, Keras, Python, PyTorch, TensorFlow, Theano
- PyTorch or TensorFlow? - Aug 29, 2017.
PyTorch is better for rapid prototyping in research, for hobbyists and for small scale projects. TensorFlow is better for large-scale deployments, especially when cross-platform and embedded deployment is a consideration.
Deep Learning, Neural Networks, PyTorch, TensorFlow