Difference Between Algorithm and Model in Machine Learning
https://machinelearningmastery.com/difference-between-algorithm-and-model-in-machine-learning/
https://machinelearningmastery.com/difference-between-algorithm-and-model-in-machine-learning/
How Does NLP Benefit Legal System: A Summary of Legal Artificial Intelligence
https://github.com/thunlp/LegalPapers
Paper: https://arxiv.org/abs/2004.12158v2
https://github.com/thunlp/LegalPapers
Paper: https://arxiv.org/abs/2004.12158v2
Jukebox: a new generative model for audio from OpenAI.
Jukebox can generate music with neat (but still creepy) vocal in a variety of genres and artist styles.
openai.com/blog/jukebox
Article: cdn.openai.com/papers/jukebox.pdf
Examples: https://jukebox.openai.com/
Jukebox can generate music with neat (but still creepy) vocal in a variety of genres and artist styles.
openai.com/blog/jukebox
Article: cdn.openai.com/papers/jukebox.pdf
Examples: https://jukebox.openai.com/
Openai
Jukebox
We’re introducing Jukebox, a neural net that generates music, including rudimentary singing, as raw audio in a variety of genres and artist styles. We’re releasing the model weights and code, along with a tool to explore the generated samples.
Reinforcement Learning with Augmented Data
https://mishalaskin.github.io/rad
Code: https://github.com/MishaLaskin/rad
Paper: https://arxiv.org/abs/2004.14990
https://mishalaskin.github.io/rad
Code: https://github.com/MishaLaskin/rad
Paper: https://arxiv.org/abs/2004.14990
Consistent Video Depth Estimation
https://roxanneluo.github.io/Consistent-Video-Depth-Estimation/
Paper: https://arxiv.org/abs/2004.15021
https://roxanneluo.github.io/Consistent-Video-Depth-Estimation/
Paper: https://arxiv.org/abs/2004.15021
How to Develop a Gradient Boosting Machine Ensemble in Python
https://machinelearningmastery.com/gradient-boosting-machine-ensemble-in-python/
https://machinelearningmastery.com/gradient-boosting-machine-ensemble-in-python/
MachineLearningMastery.com
How to Develop a Gradient Boosting Machine Ensemble in Python - MachineLearningMastery.com
The Gradient Boosting Machine is a powerful ensemble machine learning algorithm that uses decision trees. Boosting is a general ensemble technique that involves sequentially adding models to the ensemble where subsequent models correct the performance of…
An NLU-Powered Tool to Explore COVID-19 Scientific Literature
https://ai.googleblog.com/2020/05/an-nlu-powered-tool-to-explore-covid-19.html
https://ai.googleblog.com/2020/05/an-nlu-powered-tool-to-explore-covid-19.html
research.google
An NLU-Powered Tool to Explore COVID-19 Scientific Literature
Posted by Keith Hall, Research Scientist, Natural Language Understanding, Google Research Update — 2021/05/20: We are expanding the Research Expl...
Introduction to Dimensionality Reduction for Machine Learning
https://machinelearningmastery.com/dimensionality-reduction-for-machine-learning/
https://machinelearningmastery.com/dimensionality-reduction-for-machine-learning/
MachineLearningMastery.com
Introduction to Dimensionality Reduction for Machine Learning - MachineLearningMastery.com
The number of input variables or features for a dataset is referred to as its dimensionality. Dimensionality reduction refers to techniques that reduce the number of input variables in a dataset. More input features often make a predictive modeling task more…
Agile and Intelligent Locomotion via Deep Reinforcement Learning
https://ai.googleblog.com/2020/05/agile-and-intelligent-locomotion-via.html
https://ai.googleblog.com/2020/05/agile-and-intelligent-locomotion-via.html
Google AI Blog
Agile and Intelligent Locomotion via Deep Reinforcement Learning
Posted by Yuxiang Yang and Deepali Jain, AI Residents, Robotics at Google Recent advancements in deep reinforcement learning (deep RL) h...
Low-Dimensional Hyperbolic Knowledge Graph Embeddings
Github: https://github.com/tensorflow/neural-structured-learning/tree/master/research/kg_hyp_emb
Paper: https://arxiv.org/abs/2005.00545
Github: https://github.com/tensorflow/neural-structured-learning/tree/master/research/kg_hyp_emb
Paper: https://arxiv.org/abs/2005.00545
Scan-based Semantic Segmentation of LiDAR Point Clouds
An Experimental Study
https://larissa.triess.eu/scan-semseg/
An Experimental Study
https://larissa.triess.eu/scan-semseg/
larissa.triess.eu
Scan-based Semantic Segmentation of LiDAR Point Clouds: An Experimental Study
Project page for 'Scan-based Semantic Segmentation of LiDAR Point Clouds' with links to code and paper.
This media is not supported in your browser
VIEW IN TELEGRAM
OpenPose: Real-time multi-person keypoint detection library for body, face, hands, and foot estimation
https://github.com/CMU-Perceptual-Computing-Lab/openpose
https://github.com/CMU-Perceptual-Computing-Lab/openpose
👍1
New paper, Truncated Quantile Critics, improves SOTA on MuJoCo by 20-30% ! With TF and PT code.
Video: https://youtu.be/idp4k1L9UhM
Project page: https://bayesgroup.github.io/tqc
Paper: https://arxiv.org/abs/2005.04269
Video: https://youtu.be/idp4k1L9UhM
Project page: https://bayesgroup.github.io/tqc
Paper: https://arxiv.org/abs/2005.04269
YouTube
Controlling Overestimation Bias with Truncated Mixture of Continuous Distributional Quantile Critics
Video for "Controlling Overestimation Bias with Truncated Mixture of Continuous Distributional Quantile Critics" by A. Kuznetsov, P. Shvechikov, A. Grishin, D. Vetrov
Project page: https://bayesgroup.github.io/tqc
Paper: https://arxiv.org/abs/2005.04269
Code…
Project page: https://bayesgroup.github.io/tqc
Paper: https://arxiv.org/abs/2005.04269
Code…
Announcing Meta-Dataset: A Dataset of Datasets for Few-Shot Learning
https://ai.googleblog.com/2020/05/announcing-meta-dataset-dataset-of.html
https://ai.googleblog.com/2020/05/announcing-meta-dataset-dataset-of.html
Googleblog
Announcing Meta-Dataset: A Dataset of Datasets for Few-Shot Learning
Statistical Imputation for Missing Values in Machine Learning
https://machinelearningmastery.com/statistical-imputation-for-missing-values-in-machine-learning/
https://machinelearningmastery.com/statistical-imputation-for-missing-values-in-machine-learning/
MachineLearningMastery.com
Statistical Imputation for Missing Values in Machine Learning - MachineLearningMastery.com
Datasets may have missing values, and this can cause problems for many machine learning algorithms. As such, it is good practice to identify and replace missing values for each column in your input data prior to modeling your prediction task. This is called…
Building a Multi-Camera Media Server for AI Processing on the NVIDIA Jetson Platform
https://devblogs.nvidia.com/building-multi-camera-media-server-ai-processing-jetson
https://devblogs.nvidia.com/building-multi-camera-media-server-ai-processing-jetson
NVIDIA Developer Blog
Building a Multi-Camera Media Server for AI Processing on the NVIDIA Jetson Platform | NVIDIA Developer Blog
A media server provides multimedia all-in-one features, such as video capture, processing, streaming, recording, and, in some cases, the ability to trigger actions under certain events, for example…
A highly efficient, real-time text-to-speech system deployed on CPUs
https://ai.facebook.com/blog/a-highly-efficient-real-time-text-to-speech-system-deployed-on-cpus/
https://ai.facebook.com/blog/a-highly-efficient-real-time-text-to-speech-system-deployed-on-cpus/
Facebook
A highly efficient, real-time text-to-speech system deployed on CPUs
Text-to-speech systems across the industry typically rely on GPUs or specialized hardware to generate state-of-the-art speech in real-time production. We solved core efficiency challenges to process one second of audio in 500 milliseconds — using only CPUs.
How to Use Power Transforms for Machine Learning
https://machinelearningmastery.com/power-transforms-with-scikit-learn/
https://machinelearningmastery.com/power-transforms-with-scikit-learn/
MachineLearningMastery.com
How to Use Power Transforms for Machine Learning - MachineLearningMastery.com
Machine learning algorithms like Linear Regression and Gaussian Naive Bayes assume the numerical variables have a Gaussian probability distribution. Your data may not have a Gaussian distribution and instead may have a Gaussian-like distribution (e.g. nearly…