From singing to musical scores: Estimating pitch with SPICE and Tensorflow Hub
Pitch is quantified by frequency, measured in Hertz (Hz), where one Hz corresponds to one cycle per second. The higher the frequency, the higher the note.
https://blog.tensorflow.org/2020/06/estimating-pitch-with-spice-and-tensorflow-hub.html
Model: https://tfhub.dev/google/spice/2
Colab code: https://colab.research.google.com/github/tensorflow/hub/blob/master/examples/colab/spice.ipynb
Pitch is quantified by frequency, measured in Hertz (Hz), where one Hz corresponds to one cycle per second. The higher the frequency, the higher the note.
https://blog.tensorflow.org/2020/06/estimating-pitch-with-spice-and-tensorflow-hub.html
Model: https://tfhub.dev/google/spice/2
Colab code: https://colab.research.google.com/github/tensorflow/hub/blob/master/examples/colab/spice.ipynb
❤1
This media is not supported in your browser
VIEW IN TELEGRAM
SimCLR - A Simple Framework for Contrastive Learning of Visual Representations
The findings described in this paper can potentially be harnessed to improve accuracy in any application of computer vision where it is more expensive or difficult to label additional data than to train larger models.
Github: https://github.com/google-research/simclr
Paper: https://arxiv.org/abs/2006.10029
The findings described in this paper can potentially be harnessed to improve accuracy in any application of computer vision where it is more expensive or difficult to label additional data than to train larger models.
Github: https://github.com/google-research/simclr
Paper: https://arxiv.org/abs/2006.10029
Data-Efficient GANs with DiffAugment
Differentiable Augmentation (DiffAugment), a simple method that improves the data efficiency of GANs by imposing various types of differentiable augmentations on both real and fake samples.
Github: https://github.com/mit-han-lab/data-efficient-gans
Paper: https://arxiv.org/abs/2006.10738
Training code: https://github.com/mit-han-lab/data-efficient-gans/tree/master/DiffAugment-stylegan2
Differentiable Augmentation (DiffAugment), a simple method that improves the data efficiency of GANs by imposing various types of differentiable augmentations on both real and fake samples.
Github: https://github.com/mit-han-lab/data-efficient-gans
Paper: https://arxiv.org/abs/2006.10738
Training code: https://github.com/mit-han-lab/data-efficient-gans/tree/master/DiffAugment-stylegan2
The Most Important Fundamentals of PyTorch you Should Know
https://blog.exxactcorp.com/the-most-important-fundamentals-of-pytorch-you-should-know/
Code: https://github.com/tirthajyoti/PyTorch_Machine_Learning
https://blog.exxactcorp.com/the-most-important-fundamentals-of-pytorch-you-should-know/
Code: https://github.com/tirthajyoti/PyTorch_Machine_Learning
Exxactcorp
Blog - the most important fundamentals of pytorch you should know | Exxact
This media is not supported in your browser
VIEW IN TELEGRAM
Machine Learning in Dask
In this article you can learn how Dask works with a huge dataset on local machine or in a distributed manner.
https://www.kdnuggets.com/2020/06/machine-learning-dask.html
In this article you can learn how Dask works with a huge dataset on local machine or in a distributed manner.
https://www.kdnuggets.com/2020/06/machine-learning-dask.html
Denoising Diffusion Probabilistic Models
Рigh quality image synthesis results using diffusion probabilistic models, a class of latent variable models inspired by considerations from nonequilibrium thermodynamics.
https://hojonathanho.github.io/diffusion/
Github: https://github.com/hojonathanho/diffusion
Paper: https://arxiv.org/abs/2006.11239
Рigh quality image synthesis results using diffusion probabilistic models, a class of latent variable models inspired by considerations from nonequilibrium thermodynamics.
https://hojonathanho.github.io/diffusion/
Github: https://github.com/hojonathanho/diffusion
Paper: https://arxiv.org/abs/2006.11239
Introducing a New Privacy Testing Library in TensorFlow
https://blog.tensorflow.org/2020/06/introducing-new-privacy-testing-library.html
Github: https://github.com/tensorflow/privacy
https://blog.tensorflow.org/2020/06/introducing-new-privacy-testing-library.html
Github: https://github.com/tensorflow/privacy
blog.tensorflow.org
Introducing a New Privacy Testing Library in TensorFlow
The TensorFlow blog contains regular news from the TensorFlow team and the community, with articles on Python, TensorFlow.js, TF Lite, TFX, and more.
This media is not supported in your browser
VIEW IN TELEGRAM
The NetHack Learning Environment
The NetHack Learning Environment (NLE) is a Reinforcement Learning environment based on NetHack 3.6.6. NLE is designed to provide a standard RL interface to the game, and comes with tasks that function as a first step to evaluate agents on this new environment.
Github: https://github.com/facebookresearch/nle
Paper: https://arxiv.org/abs/2006.13760v1
Project: https://nethack.org/
The NetHack Learning Environment (NLE) is a Reinforcement Learning environment based on NetHack 3.6.6. NLE is designed to provide a standard RL interface to the game, and comes with tasks that function as a first step to evaluate agents on this new environment.
Github: https://github.com/facebookresearch/nle
Paper: https://arxiv.org/abs/2006.13760v1
Project: https://nethack.org/
Enhance your TensorFlow Lite deployment with Firebase
https://blog.tensorflow.org/2020/06/enhance-your-tensorflow-lite-deployment-with-firebase.html
https://blog.tensorflow.org/2020/06/enhance-your-tensorflow-lite-deployment-with-firebase.html
blog.tensorflow.org
Enhance your TensorFlow Lite deployment with Firebase
Learn how to use Firebase to deploy your TensorFlow Lite models over-the-air, monitor performance in production, and A/B test multiple model versions.
Computer Vision using Tensorflow
https://levelup.gitconnected.com/computer-vision-using-tensorflow-946718d3c123
Full Code can be found on my Github
https://levelup.gitconnected.com/computer-vision-using-tensorflow-946718d3c123
Full Code can be found on my Github
Medium
Computer Vision using Tensorflow
Giving computers the ability to see through Machine Learning
Extracting the main trend in a dataset: the Sequencer algorithm
The Sequencer is an algorithm that attempts to reveal the main sequence in a dataset, if it exists.
https://sequencer.org/
Github: https://github.com/dalya/Sequencer
Paper: https://arxiv.org/abs/2006.13948v1
The Sequencer is an algorithm that attempts to reveal the main sequence in a dataset, if it exists.
https://sequencer.org/
Github: https://github.com/dalya/Sequencer
Paper: https://arxiv.org/abs/2006.13948v1
Unsupervised Discovery of Object Landmarks via Contrastive Learning
Approach is motivated by the phenomenon of the gradual emergence of invariance in the representation hierarchy of a deep network.
https://people.cs.umass.edu/~zezhoucheng/contrastive_landmark/
Code: https://github.com/cvl-umass/ContrastLandmark
Paper: https://arxiv.org/abs/2006.14787
Approach is motivated by the phenomenon of the gradual emergence of invariance in the representation hierarchy of a deep network.
https://people.cs.umass.edu/~zezhoucheng/contrastive_landmark/
Code: https://github.com/cvl-umass/ContrastLandmark
Paper: https://arxiv.org/abs/2006.14787
👍1
SpineNet: A Novel Architecture for Object Detection Discovered with Neural Architecture Search
https://ai.googleblog.com/2020/06/spinenet-novel-architecture-for-object.html
Paper: https://arxiv.org/abs/1912.05027
https://ai.googleblog.com/2020/06/spinenet-novel-architecture-for-object.html
Paper: https://arxiv.org/abs/1912.05027
30 Largest TensorFlow Datasets for Machine Learning
https://lionbridge.ai/datasets/tensorflow-datasets-machine-learning/
https://lionbridge.ai/datasets/tensorflow-datasets-machine-learning/
9 Key Machine Learning Algorithms Explained in Plain English
https://www.freecodecamp.org/news/a-no-code-intro-to-the-9-most-important-machine-learning-algorithms-today/
https://www.freecodecamp.org/news/a-no-code-intro-to-the-9-most-important-machine-learning-algorithms-today/
freeCodeCamp.org
9 Key Machine Learning Algorithms Explained in Plain English
By Nick McCullum Machine learning is changing the world. Google uses machine learning to suggest search results to users. Netflix uses it to recommend movies for you to watch. Facebook uses machine learning to suggest people you may know. Machine lea...
Adversarial NLI: A New Benchmark for Natural Language Understanding
Facebook introduced a new large-scale NLI benchmark dataset, collected via an iterative, adversarial human-and-model-in-the-loop procedure
https://ai.facebook.com/research/publications/adversarial-nli-a-new-benchmark-for-natural-language-understanding/
Dataset: https://github.com/facebookresearch/anli
Paper: https://arxiv.org/abs/1910.14599
@ai_machinelearning_big_data
Facebook introduced a new large-scale NLI benchmark dataset, collected via an iterative, adversarial human-and-model-in-the-loop procedure
https://ai.facebook.com/research/publications/adversarial-nli-a-new-benchmark-for-natural-language-understanding/
Dataset: https://github.com/facebookresearch/anli
Paper: https://arxiv.org/abs/1910.14599
@ai_machinelearning_big_data
Facebook
Adversarial NLI: A New Benchmark for Natural Language Understanding | Meta AI Research
We introduce a new large-scale NLI benchmark dataset, collected via an iterative, adversarial human-and-model-in-the-loop procedure. We show that...
PyTorch Multi-GPU Metrics Library and More in New PyTorch Lightning Release
https://www.kdnuggets.com/2020/07/pytorch-multi-gpu-metrics-library-pytorch-lightning.html
https://www.kdnuggets.com/2020/07/pytorch-multi-gpu-metrics-library-pytorch-lightning.html
KDnuggets
PyTorch Multi-GPU Metrics Library and More in New PyTorch Lightning Release - KDnuggets
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.
Text Classification with PyTorch
A baseline model with LSTMs
Article: https://medium.com/@fer.neutron/text-classification-with-pytorch-7111dae111a6
Code: https://github.com/FernandoLpz/Text-Classification-LSTMs-PyTorch
@ai_machinelearning_big_data
A baseline model with LSTMs
Article: https://medium.com/@fer.neutron/text-classification-with-pytorch-7111dae111a6
Code: https://github.com/FernandoLpz/Text-Classification-LSTMs-PyTorch
@ai_machinelearning_big_data
Medium
Text Classification with LSTMs in PyTorch
A baseline model with LSTMs
Deep Single Image Manipulation
https://www.vision.huji.ac.il/deepsim/
Code: https://github.com/eliahuhorwitz/DeepSIM
Paper: https://arxiv.org/abs/2007.01289
https://www.vision.huji.ac.il/deepsim/
Code: https://github.com/eliahuhorwitz/DeepSIM
Paper: https://arxiv.org/abs/2007.01289
GitHub
GitHub - eliahuhorwitz/DeepSIM: Official PyTorch implementation of the paper: "DeepSIM: Image Shape Manipulation from a Single…
Official PyTorch implementation of the paper: "DeepSIM: Image Shape Manipulation from a Single Augmented Training Sample" (ICCV 2021 Oral) - eliahuhorwitz/DeepSIM
4 Automatic Outlier Detection Algorithms in Python
https://machinelearningmastery.com/model-based-outlier-detection-and-removal-in-python/
@ai_machinelearning_big_data
https://machinelearningmastery.com/model-based-outlier-detection-and-removal-in-python/
@ai_machinelearning_big_data
👍1