
NLP Datasets: How good is your deep learning model?
With the rapid advance in NLP models we have outpaced out ability to measure just how good they are at human level language tasks. We need better NLP datasets now...
Read more →Explore our collection of articles about machine learning, deep learning, neural networks, and AI techniques.
With the rapid advance in NLP models we have outpaced out ability to measure just how good they are at human level language tasks. We need better NLP datasets now...
Read more →The list of the best machine learning & deep learning books for 2020.
Read more →We will cover often-overlooked concepts vital to NLP, such as Byte Pair Encoding, and discuss how understanding them leads to better models.
Read more →This article discusses GPT-2 and BERT models, as well using knowledge distillation to create highly accurate models with fewer parameters than their teachers
Read more →Bayes’ Theorem is about more than just conditional probability, and Naive Bayes is a flavor of the theorem which adds to its complexity and usefulness.
Read more →Once you've built your classifier, you need to evaluate its effectiveness with metrics like accuracy, precision, recall, F1-Score, and ROC curve.
Read more →Machine learning advancements lead to new ways to train models, as well as deceive them. This article discusses ways to train and defend against attacks.
Read more →This deep dive is all about neural networks - training them using best practices, debugging them and maximizing their performance using cutting edge research.
Read more →What is Attention, and why is it used in state-of-the-art models? This article discusses the types of Attention and walks you through their implementations.
Read more →Is it possible to use machine learning with small data? Yes, it is! Here's N-Shot Learning.
Read more →The Gated Recurrent Unit (GRU) is the newer version of the more popular LSTM. Let's unveil this network and explore the differences between these 2 siblings.
Read more →Generative adversarial networks (GANs) have been the go-to state of the art algorithm to image generation in the last few years. In this article, you will learn about the most...
Read more →Long Short-Term Memory (LSTM) Networks have been widely used to solve various sequential tasks. Let's find out how these networks work and how we can implement them.
Read more →Genetic algorithms are a specific approach to optimization problems that can estimate known solutions and simulate evolutionary behavior in complex systems.
Read more →While computer vision techniques have been used with limited success for detecting corrosion from images, Deep Learning has opened up whole new possibilities
Read more →Learn about the basic concepts of reinforcement learning and implement a simple RL algorithm called Q-Learning.
Read more →Learn the basics of Recurrent Neural Networks and build a simple Language Model with PyTorch
Read more →In this article, get a gentle introduction to the world of unsupervised learning and see the mechanics behind the old faithful K-Means algorithm.
Read more →Text summarization is a common problem in the fields of machine learning and natural language processing (NLP). In this article, we'll explore how to create a simple extractive text summarization...
Read more →Learn what anomalies are and several approaches to detect them along with a case study.
Read more →The general trend in machine learning research is to stop fine-tuning models, and instead use a meta-learning algorithm that automatically finds the best architecture and hyperparameters. What about meta-reinforcement learning...
Read more →The list of the best machine learning & deep learning courses and MOOCs for 2019.
Read more →The list of the best machine learning & deep learning books for 2019.
Read more →Learn how to control a robotic arm using deep reinforcement learning techniques.
Read more →Explore how deep learning is changing the fashion industry by training your own visual recommendation model for similar fashion images using TensorFlow and FloydHub
Read more →Learn the history and technology of autonomous cars in this Part 1 of a series on building a self-driving toy car with Raspberry Pi, Keras, and FloydHub GPUs.
Read more →Build your own deep learning dataset and detection model using public Instagram photos of #streetart.
Read more →Use TensorFlow to build your own haggis-hunting app for Burns Night! The Scottish quest for the mythical wild haggis just got easier with deep learning.
Read more →Can we teach a neural net to convert face embedding vectors back to images?
Read more →Let's build an NLP model that can help out your customer support agents by suggesting previously-asked, similar questions.
Read more →Neural networks are transforming the way we study DNA and population genetics. Learn more about deep learning at Bayer Crop Science from Lex Flagel in this #humansofml interview.
Read more →Most of your customer support questions have already been asked. Learn how to use sentence embeddings to automate your customer support with AI.
Read more →Dive into deep reinforcement learning by training a model to play the classic 1970s video game Pong — using Keras, FloydHub, and OpenAI's "Spinning Up."
Read more →Explore the latest trends in Brain-Computer Interfaces - and train a deep learning model to predict what people are doing from fluctuations in their brain voltage readings.
Read more →Christine McLeavey Payne may have finally cured songwriter's block. Her recent project Clara is a long short-term memory (LSTM) neural network that composes piano and chamber music. Just give Clara...
Read more →Building a cousin image classification app using a convolutional neural net for your Thanksgiving family reunion using fast.ai and FloydHub.
Read more →Jason Antic's DeOldify deep learning project not only colorizes images but also restores them with stunning results. Learn more about his approach in this FloydHub #humansofml interview.
Read more →Build an English-French language translator from scratch using PyTorch.
Read more →Learn how to code a transformer model in PyTorch with an English-to-French language translation task
Read more →Learn techniques for identifying the best hyperparameters for your deep learning projects, including code samples that you can use to get started on FloydHub.
Read more →In this deep learning tutorial, we'll build Visual Question Answering (VQA) model that allows people to ask open-ended, common sense questions about the visual world.
Read more →Right now, Jeremy Howard – the co-founder of fast.ai – currently holds the 105th highest score for the plant seedling classification contest on Kaggle, but he's dropping fast. Why? His...
Read more →If you're like me, then you'd do pretty much anything to have your own R2-D2 or BB-8 robotic buddy. Just imagine the adorable adventures you'd have together! I'm delighted to...
Read more →Within three years deep learning will change front-end development. It will increase prototyping speed and lower the barrier for building software.
Read more →This post compares all the CPU and GPU instances offered by FloydHub, so that you can choose the right instance type for your training job. Benchmark For our benchmark we...
Read more →Ready to build, train, and deploy AI? Get started with FloydHub's collaborative AI platform for free Try FloydHub for free [https://www.floydhub.com/?utm_source=blog&utm_medium=banner-checkpointing-s...
Read more →Visualizing results can be a powerful form of motivation and preparation. However, in the fitness domain, it can often be difficult to clearly see this future outcome. Can we use...
Read more →I’ll show you how to build your own colorization neural net in three steps. The first section breaks down the core logic. We’ll build a bare-bones 40-line neural network as...
Read more →Learn how to build your first ConvNet (Convolutional Neural Networks) to classify dogs and cats.
Read more →This post is aimed at helping new users (especially the ones who are starting out & cannot afford Andrej Karpathy’s rig [https://twitter.com/karpathy/status/648256662554341377]) setup an on-the-go dee...
Read more →There are six snippets of code that made deep learning what it is today. This article covers the inventors and the background to their breakthroughs. Each story includes simple code...
Read more →Deep learning algorithms involve huge amounts of matrix multiplications and other operations which can be massively parallelized. GPUs usually consist of thousands of cores which can speed up these op......
Read more →The current wave of deep learning took off five years ago. Exponential progress in computing power followed by a few success stories created the hype. It’s the technology that drives...
Read more →