This media is not supported in your browser
VIEW IN TELEGRAM
Single-Stage Semantic Segmentation from Image Labels
Github: https://github.com/visinf/1-stage-wseg
Paper: https://arxiv.org/abs/2005.08104
Github: https://github.com/visinf/1-stage-wseg
Paper: https://arxiv.org/abs/2005.08104
How to Use Quantile Transforms for Machine Learning
https://machinelearningmastery.com/quantile-transforms-for-machine-learning/
https://machinelearningmastery.com/quantile-transforms-for-machine-learning/
MachineLearningMastery.com
How to Use Quantile Transforms for Machine Learning - MachineLearningMastery.com
Numerical input variables may have a highly skewed or non-standard distribution. This could be caused by outliers in the data, multi-modal distributions, highly exponential distributions, and more. Many machine learning algorithms prefer or perform better…
👄 Lip2Wav
Generate high quality speech from only lip movements. This code is part of the paper: Learning Individual Speaking Styles for Accurate Lip to Speech Synthesis
Demo: https://www.youtube.com/watch?v=HziA-jmlk_4
Github: https://github.com/Rudrabha/Lip2Wav
Paper: https://arxiv.org/abs/2005.08209v1
Generate high quality speech from only lip movements. This code is part of the paper: Learning Individual Speaking Styles for Accurate Lip to Speech Synthesis
Demo: https://www.youtube.com/watch?v=HziA-jmlk_4
Github: https://github.com/Rudrabha/Lip2Wav
Paper: https://arxiv.org/abs/2005.08209v1
YouTube
[CVPR, 2020] Learning Individual Speaking Styles for Accurate Lip to Speech Synthesis (CVPR, 2020)
This is a demonstration video for the following research paper.
Paper title: Learning Individual Speaking Styles for Accurate Lip to Speech Synthesis.
Authors: Prajwal K R*, Rudrabha Mukhopadhyay*, Vinay Namboodiri, C V Jawahar.
* both authors have an equal…
Paper title: Learning Individual Speaking Styles for Accurate Lip to Speech Synthesis.
Authors: Prajwal K R*, Rudrabha Mukhopadhyay*, Vinay Namboodiri, C V Jawahar.
* both authors have an equal…
Galaxy Zoo: Classifying Galaxies with Crowdsourcing and Active Learning
In this tutorial you will know how to use crowdsourcing and machine learning to investigate how galaxies evolve by classifying millions of galaxy images.
https://blog.tensorflow.org/2020/05/galaxy-zoo-classifying-galaxies-with-crowdsourcing-and-active-learning.html
Code: https://github.com/mwalmsley/galaxy-zoo-bayesian-cnn/blob/88604a63ef3c1bd27d30ca71e0efefca13bf72cd/zoobot/active_learning/acquisition_utils.py#L81
In this tutorial you will know how to use crowdsourcing and machine learning to investigate how galaxies evolve by classifying millions of galaxy images.
https://blog.tensorflow.org/2020/05/galaxy-zoo-classifying-galaxies-with-crowdsourcing-and-active-learning.html
Code: https://github.com/mwalmsley/galaxy-zoo-bayesian-cnn/blob/88604a63ef3c1bd27d30ca71e0efefca13bf72cd/zoobot/active_learning/acquisition_utils.py#L81
Free Live Course: Deep Learning with PyTorch
https://www.freecodecamp.org/news/free-deep-learning-with-pytorch-live-course/
video: https://www.youtube.com/watch?v=vo_fUOk-IKk
https://www.freecodecamp.org/news/free-deep-learning-with-pytorch-live-course/
video: https://www.youtube.com/watch?v=vo_fUOk-IKk
freeCodeCamp.org
Free Live Course: Deep Learning with PyTorch
Are you interested in learning about Deep Learning? We are hosting a free 6-week live course on our YouTube channel, starting Saturday, November 20th at 9:30 AM PST. Passively watching a video is often not enough to learn a software concept. You need...
Graph Structure Learning for Robust Graph Neural Networks
A general framework Pro-GNN, which can jointly learn a structural graph and a robust graph neural network model from the perturbed graph guided by these properties.
Github: https://github.com/ChandlerBang/Pro-GNN
Paper: https://arxiv.org/abs/2005.10203
A general framework Pro-GNN, which can jointly learn a structural graph and a robust graph neural network model from the perturbed graph guided by these properties.
Github: https://github.com/ChandlerBang/Pro-GNN
Paper: https://arxiv.org/abs/2005.10203
Instance-aware Image Colorization
https://ericsujw.github.io/InstColorization/
Github: https://github.com/ericsujw/InstColorization
Paper: https://arxiv.org/abs/2005.10825v1
https://ericsujw.github.io/InstColorization/
Github: https://github.com/ericsujw/InstColorization
Paper: https://arxiv.org/abs/2005.10825v1
SymJAX: symbolic CPU/GPU/TPU programming
SymJAX is a symbolic programming version of JAX simplifying graph input/output/updates and providing additional functionalities for general machine learning and deep learning applications.
docs: https://symjax.readthedocs.io/en/latest/
github: https://github.com/RandallBalestriero/SymJAX
pdf: https://arxiv.org/pdf/2005.10635v1.pdf
SymJAX is a symbolic programming version of JAX simplifying graph input/output/updates and providing additional functionalities for general machine learning and deep learning applications.
docs: https://symjax.readthedocs.io/en/latest/
github: https://github.com/RandallBalestriero/SymJAX
pdf: https://arxiv.org/pdf/2005.10635v1.pdf
GitHub
GitHub - SymJAX/SymJAX: Documentation:
Documentation:. Contribute to SymJAX/SymJAX development by creating an account on GitHub.
Natural Language Processing With spaCy in Python
https://realpython.com/natural-language-processing-spacy-python/
https://realpython.com/natural-language-processing-spacy-python/
Realpython
Natural Language Processing With spaCy in Python – Real Python
In this step-by-step tutorial, you'll learn how to use spaCy. This free and open-source library for natural language processing (NLP) in Python has a lot of built-in capabilities and is becoming increasingly popular for processing and analyzing data in NLP.
Evaluating Natural Language Generation with BLEURT
BLEURT (Bilingual Evaluation Understudy with Representations from Transformers) builds upon recent advances in transfer learning to capture widespread linguistic phenomena, such as paraphrasing
https://ai.googleblog.com/2020/05/evaluating-natural-language-generation.html
Github: https://github.com/google-research/bleurt
Paper: https://arxiv.org/abs/2004.04696
BLEURT (Bilingual Evaluation Understudy with Representations from Transformers) builds upon recent advances in transfer learning to capture widespread linguistic phenomena, such as paraphrasing
https://ai.googleblog.com/2020/05/evaluating-natural-language-generation.html
Github: https://github.com/google-research/bleurt
Paper: https://arxiv.org/abs/2004.04696
Forwarded from Artificial Intelligence
Tensorflow vs PyTorch for Text Classification using GRU
https://medium.com/@rodolfosaldanha_71881/tensorflow-vs-pytorch-for-text-classification-using-gru-e95f1b68fa2d
https://medium.com/@rodolfosaldanha_71881/tensorflow-vs-pytorch-for-text-classification-using-gru-e95f1b68fa2d
Medium
Tensorflow vs PyTorch for Text Classification using GRU
Exploration of frameworks for deep learning classification
👍1
DE⫶TR: End-to-End Object Detection with Transformers
PyTorch training code and pretrained models for DETR The main ingredients of the new framework, called DEtection TRansformer or DETR, are a set-based global loss that forces unique predictions via bipartite matching, and a transformer encoder-decoder architecture.
Github: https://github.com/facebookresearch/detr
Paper: https://arxiv.org/abs/2005.12872v1
Code: https://colab.research.google.com/github/facebookresearch/detr/blob/colab/notebooks/detr_demo.ipynb
PyTorch training code and pretrained models for DETR The main ingredients of the new framework, called DEtection TRansformer or DETR, are a set-based global loss that forces unique predictions via bipartite matching, and a transformer encoder-decoder architecture.
Github: https://github.com/facebookresearch/detr
Paper: https://arxiv.org/abs/2005.12872v1
Code: https://colab.research.google.com/github/facebookresearch/detr/blob/colab/notebooks/detr_demo.ipynb
How MTS used smart contract to build a system for selecting best technological projects.
https://habr.com/ru/company/ru_mts/blog/504058
https://habr.com/ru/company/ru_mts/blog/504058
Towards computer-aided severity assessment: training and validation of deep neural networks for geographic extent and opacity extent scoring of chest X-rays for SARS-CoV-2 lung disease severity
The COVID-Net models provided here are intended to be used as reference models that can be built upon and enhanced as new data becomes available.
Github: https://github.com/lindawangg/COVID-Net
Paper: https://arxiv.org/abs/2005.12855v1
The COVID-Net models provided here are intended to be used as reference models that can be built upon and enhanced as new data becomes available.
Github: https://github.com/lindawangg/COVID-Net
Paper: https://arxiv.org/abs/2005.12855v1
GitHub
GitHub - lindawangg/COVID-Net: COVID-Net Open Source Initiative
COVID-Net Open Source Initiative. Contribute to lindawangg/COVID-Net development by creating an account on GitHub.
👍1
Segmentation Loss Odyssey
Loss functions for image segmentation
Github: https://github.com/JunMa11/SegLoss
Paper: https://arxiv.org/abs/2005.13449v1
Loss functions for image segmentation
Github: https://github.com/JunMa11/SegLoss
Paper: https://arxiv.org/abs/2005.13449v1
Analyzing pretraining approaches for vision and language tasks
Simple design choices in pretraining can help us achieve close to state-of-art results on downstream tasks without any architectural changes.
https://ai.facebook.com/blog/analyzing-pretraining-approaches-for-vision-and-language-tasks/
Github: https://github.com/facebookresearch/mmf/tree/master/projects/pretrain_vl_right
Paper: https://arxiv.org/abs/2004.08744
Simple design choices in pretraining can help us achieve close to state-of-art results on downstream tasks without any architectural changes.
https://ai.facebook.com/blog/analyzing-pretraining-approaches-for-vision-and-language-tasks/
Github: https://github.com/facebookresearch/mmf/tree/master/projects/pretrain_vl_right
Paper: https://arxiv.org/abs/2004.08744
Facebook
Analyzing pretraining approaches for vision and language tasks
We show how several simple, infrequently explored design choices in pretraining can help achieve high performance on tasks that combine language and visual understanding.
👍1
NeuralPy
NeuralPy: A Keras like deep learning library works on top of PyTorch PyTorch is an open-source machine learning framework that accelerates the path from research prototyping to production deployment developed by Facebook runs on both CPU and GPU.
Github: https://github.com/imdeepmind/NeuralPy
Project: https://neuralpy.imdeepmind.com/
NeuralPy: A Keras like deep learning library works on top of PyTorch PyTorch is an open-source machine learning framework that accelerates the path from research prototyping to production deployment developed by Facebook runs on both CPU and GPU.
Github: https://github.com/imdeepmind/NeuralPy
Project: https://neuralpy.imdeepmind.com/
GitHub
GitHub - imdeepmind/NeuralPy: NeuralPy: A Keras like deep learning library works on top of PyTorch
NeuralPy: A Keras like deep learning library works on top of PyTorch - imdeepmind/NeuralPy
Text Mining in Python: Steps and Examples
This blog summarizes text preprocessing and covers the NLTK steps including Tokenization, Stemming, Lemmatization, POS tagging, Named entity recognition and Chunking.
https://www.kdnuggets.com/2020/05/text-mining-python-steps-examples.html
This blog summarizes text preprocessing and covers the NLTK steps including Tokenization, Stemming, Lemmatization, POS tagging, Named entity recognition and Chunking.
https://www.kdnuggets.com/2020/05/text-mining-python-steps-examples.html
Acme: A research framework for reinforcement learning
Acme strives to expose simple, efficient, and readable agents, that serve both as reference implementations of popular algorithms and as strong baselines, while still providing enough flexibility to do novel research
Github: https://github.com/deepmind/acme
Paper: https://arxiv.org/abs/2006.00979
Acme strives to expose simple, efficient, and readable agents, that serve both as reference implementations of popular algorithms and as strong baselines, while still providing enough flexibility to do novel research
Github: https://github.com/deepmind/acme
Paper: https://arxiv.org/abs/2006.00979
A Smooth Representation of SO(3) for Deep Rotation Learning with Uncertainty
In this work presented a novel symmetric matrix representation of rotations that is singularity-free and requires marginal computational overhead
Website: https://papers.starslab.ca/bingham-rotation-learning/
Paper: https://arxiv.org/abs/2006.01031
Github: https://github.com/utiasSTARS/bingham-rotation-learn
In this work presented a novel symmetric matrix representation of rotations that is singularity-free and requires marginal computational overhead
Website: https://papers.starslab.ca/bingham-rotation-learning/
Paper: https://arxiv.org/abs/2006.01031
Github: https://github.com/utiasSTARS/bingham-rotation-learn