- 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
- Popular Machine Learning Interview Questions, part 2 - Jan 27, 2021.
Get ready for your next job interview requiring domain knowledge in machine learning with answers to these thirteen common questions.
Convolutional Neural Networks, Interview Questions, Linear Regression, Logistic Regression, Machine Learning, Regularization, Transfer Learning, Unbalanced
- The Unreasonable Progress of Deep Neural Networks in Natural Language Processing (NLP) - Jun 29, 2020.
Natural language processing has made incredible advances through advanced techniques in deep learning. Learn about these powerful models, and find how close (or far away) these approaches are to human-level understanding.
Deep Learning, LSTM, NLP, Transfer Learning, Transformer, Trends
- Microsoft Research Uses Transfer Learning to Train Real-World Autonomous Drones - Mar 31, 2020.
The new research uses policies learned in simulations in real world drone environments.
Microsoft, Research, Transfer Learning
- The Decade of Data Science - Jan 27, 2020.
With the last decade being so strong for the emerging field of Data Science, this review considers current trends in the industry, popular frameworks, helpful tools, and new tools that can be leveraged more in the future.
Containers, Data Science, Transfer Learning, Trends
- Fighting Overfitting in Deep Learning - Dec 27, 2019.
This post outlines an attack plan for fighting overfitting in neural networks.
Deep Learning, Keras, Neural Networks, Overfitting, Python, Regularization, Transfer Learning
- Lit BERT: NLP Transfer Learning In 3 Steps - Nov 29, 2019.
PyTorch Lightning is a lightweight framework which allows anyone using PyTorch to scale deep learning code easily while making it reproducible. In this tutorial we’ll use Huggingface's implementation of BERT to do a finetuning task in Lightning.
BERT, NLP, Python, PyTorch Lightning, Transfer Learning
- Transfer Learning Made Easy: Coding a Powerful Technique - Nov 13, 2019.
While the revolution of deep learning now impacts our daily lives, these networks are expensive. Approaches in transfer learning promise to ease this burden by enabling the re-use of trained models -- and this hands-on tutorial will walk you through a transfer learning technique you can run on your laptop.
Accuracy, Deep Learning, Image Classification, Keras, Machine Learning, TensorFlow, Transfer Learning
- The State of Transfer Learning in NLP - Sep 13, 2019.
This post expands on the NAACL 2019 tutorial on Transfer Learning in NLP organized by Matthew Peters, Swabha Swayamdipta, Thomas Wolf, and Sebastian Ruder. This post highlights key insights and takeaways and provides updates based on recent work.
NLP, Optimization, Representation, Training, Transfer Learning
- 7 Tips for Dealing With Small Data - Jul 29, 2019.
At my workplace, we produce a lot of functional prototypes for our clients. Because of this, I often need to make Small Data go a long way. In this article, I’ll share 7 tips to improve your results when prototyping with small datasets.
Cross-validation, Data Models, Ensemble Methods, Modeling, Tips, Transfer Learning
- KDnuggets™ News 19:n27, Jul 24: Bayesian deep learning and near-term quantum computers; DeepMind’s CASP13 Protein Folding Upset Summary - Jul 24, 2019.
This week on KDnuggets: Learn how DeepMind dominated the last CASP competition for advancing protein folding models; Bayesian deep learning and near-term quantum computers: A cautionary tale in quantum machine learning; The Evolution of a ggplot; Adapters: A Compact and Extensible Transfer Learning Method for NLP; 12 Things I Learned During My First Year as a Machine Learning Engineer; Things I Learned From the SciPy 2019 Lightning Talks; and much more!
Bayesian, Deep Learning, DeepMind, Kaggle, Machine Learning Engineer, NLP, Quantum Computing, SciPy, Transfer Learning
- Adapters: A Compact and Extensible Transfer Learning Method for NLP - Jul 18, 2019.
Adapters obtain comparable results to BERT on several NLP tasks while achieving parameter efficiency.
BERT, NLP, Transfer Learning, Transformer
- Examining the Transformer Architecture – Part 2: A Brief Description of How Transformers Work - Jul 2, 2019.
As The Transformer may become the new NLP standard, this review explores its architecture along with a comparison to existing approaches by RNN.
BERT, Deep Learning, Exxact, GPU, NLP, Recurrent Neural Networks, Transfer Learning, Transformer
7 Steps to Mastering Intermediate Machine Learning with Python — 2019 Edition - Jun 3, 2019.
This is the second part of this new learning path series for mastering machine learning with Python. Check out these 7 steps to help master intermediate machine learning with Python!
7 Steps, Classification, Cross-validation, Dimensionality Reduction, Feature Engineering, Feature Selection, Image Classification, K-nearest neighbors, Machine Learning, Modeling, Naive Bayes, numpy, Pandas, PCA, Python, scikit-learn, Transfer Learning
- KDnuggets™ News 19:n11, Mar 20: Another 10 Free Must-Read Books for Data Science; 19 Inspiring Women in AI, Big Data, Machine Learning - Mar 20, 2019.
Also: Who is a typical Data Scientist in 2019?; The Pareto Principle for Data Scientists; My favorite mind-blowing Machine Learning/AI breakthroughs; Building NLP Classifiers Cheaply With Transfer Learning and Weak Supervision; Advanced Keras - Accurately Resuming a Training Process
AI, Big Data, Books, Data Science, Keras, Machine Learning, NLP, Transfer Learning, Women
- Building NLP Classifiers Cheaply With Transfer Learning and Weak Supervision - Mar 15, 2019.
In this blog, I’ll walk you through a personal project in which I cheaply built a classifier to detect anti-semitic tweets, with no public dataset available, by combining weak supervision and transfer learning.
Pages: 1 2
Bias, fast.ai, NLP, Python, Text Classification, Transfer Learning, Twitter, ULMFiT
- Acquiring Labeled Data to Train Your Models at Low Costs - Feb 27, 2019.
We discuss groundbreaking and unique methods to acquire labeled data at low cost, including 3rd-Party Plug-and-Play AI Model, Zero-Shot Learning, and Restructuring the Existing Data Set.
Data Preparation, Machine Learning, ParallelDots, Training Data, Transfer Learning
- State of the art in AI and Machine Learning – highlights of papers with code - Feb 20, 2019.
We introduce papers with code, the free and open resource of state-of-the-art Machine Learning papers, code and evaluation tables.
AI, Machine Learning, Multitask Learning, NLP, Papers with code, Recommender Systems, Semantic Segmentation, TensorFlow, Transfer Learning
- KDnuggets™ News 18:n37, Oct 3: Mathematics of Machine Learning; Effective Transfer Learning for NLP; Path Analysis with R - Oct 3, 2018.
Also: Introducing VisualData: A Search Engine for Computer Vision Datasets; Raspberry Pi IoT Projects for Fun and Profit; Recent Advances for a Better Understanding of Deep Learning; Basic Image Data Analysis Using Python - Part 3; Introduction to Deep Learning
Computer Vision, Deep Learning, Machine Learning, Mathematics, NLP, R, Transfer Learning
- More Effective Transfer Learning for NLP - Oct 1, 2018.
Until recently, the natural language processing community was lacking its ImageNet equivalent — a standardized dataset and training objective to use for training base models.
Neural Networks, NLP, Transfer Learning, Word Embeddings
- Building an Audio Classifier using Deep Neural Networks - Dec 15, 2017.
Using a deep convolutional neural network architecture to classify audio and how to effectively use transfer learning and data-augmentation to improve model accuracy using small datasets.
Acoustics, Audio, Deep Learning, Python, Speech, Speech Recognition, Transfer Learning
- The 10 Deep Learning Methods AI Practitioners Need to Apply - Dec 13, 2017.
Deep learning emerged from that decade’s explosive computational growth as a serious contender in the field, winning many important machine learning competitions. The interest has not cooled as of 2017; today, we see deep learning mentioned in every corner of machine learning.
Pages: 1 2
Backpropagation, Convolutional Neural Networks, Deep Learning, Dropout, Gradient Descent, LSTM, Neural Networks, Transfer Learning
- MLDB: The Machine Learning Database - Oct 17, 2016.
MLDB is an opensource database designed for machine learning. Send it commands over a RESTful API to store data, explore it using SQL, then train machine learning models and expose them as APIs.
Classification, Database, Machine Learning, TensorFlow, Transfer Learning
- Recycling Deep Learning Models with Transfer Learning - Aug 14, 2015.
Deep learning exploits gigantic datasets to produce powerful models. But what can we do when our datasets are comparatively small? Transfer learning by fine-tuning deep nets offers a way to leverage existing datasets to perform well on new tasks.
Deep Learning, Image Recognition, ImageNet, Machine Learning, Neural Networks, Transfer Learning, Zachary Lipton