Learning to Rank with XGBoost and GPU | NVIDIA Developer Blog
https://devblogs.nvidia.com/learning-to-rank-with-xgboost-and-gpu/
https://devblogs.nvidia.com/learning-to-rank-with-xgboost-and-gpu/
NVIDIA Technical Blog
Learning to Rank with XGBoost and GPU
XGBoost is a widely used machine learning library, which uses gradient boosting techniques to incrementally build a better model during the training phase by combining multiple weak models.
The Illustrated BERT, ELMo, and co. (How NLP Cracked Transfer Learning)
https://jalammar.github.io/illustrated-bert/
Habr ru: https://habr.com/ru/post/487358/
BERT FineTuning with Cloud TPUs notebook: https://colab.research.google.com/github/tensorflow/tpu/blob/master/tools/colab/bert_finetuning_with_cloud_tpus.ipynb
https://jalammar.github.io/illustrated-bert/
Habr ru: https://habr.com/ru/post/487358/
BERT FineTuning with Cloud TPUs notebook: https://colab.research.google.com/github/tensorflow/tpu/blob/master/tools/colab/bert_finetuning_with_cloud_tpus.ipynb
Deep learning of dynamical attractors from time series measurements
Embed complex time series using autoencoders and a loss function based on penalizing false-nearest-neighbors.
Code: https://github.com/williamgilpin/fnn
Paper: https://arxiv.org/abs/2002.05909
Embed complex time series using autoencoders and a loss function based on penalizing false-nearest-neighbors.
Code: https://github.com/williamgilpin/fnn
Paper: https://arxiv.org/abs/2002.05909
GitHub
GitHub - williamgilpin/fnn: Embed strange attractors using a regularizer for autoencoders
Embed strange attractors using a regularizer for autoencoders - williamgilpin/fnn
How to Develop an Imbalanced Classification Model to Detect Oil Spills
https://machinelearningmastery.com/imbalanced-classification-model-to-detect-oil-spills/
https://machinelearningmastery.com/imbalanced-classification-model-to-detect-oil-spills/
MachineLearningMastery.com
How to Develop an Imbalanced Classification Model to Detect Oil Spills - MachineLearningMastery.com
Many imbalanced classification tasks require a skillful model that predicts a crisp class label, where both classes are equally important. An example of an imbalanced classification problem where a class label is required and both classes are equally important…
This media is not supported in your browser
VIEW IN TELEGRAM
ZeRO & DeepSpeed: New system optimizations enable training models with over 100 billion parameters
https://www.microsoft.com/en-us/research/blog/zero-deepspeed-new-system-optimizations-enable-training-models-with-over-100-billion-parameters/
https://www.microsoft.com/en-us/research/blog/zero-deepspeed-new-system-optimizations-enable-training-models-with-over-100-billion-parameters/
The Microsoft Toolkit of Multi-Task Deep Neural Networks for Natural Language Understanding
Code: https://github.com/namisan/mt-dnn
Paper: https://arxiv.org/abs/2002.07972v1
Code: https://github.com/namisan/mt-dnn
Paper: https://arxiv.org/abs/2002.07972v1
This media is not supported in your browser
VIEW IN TELEGRAM
Implementation of the BASIS algorithm for source separation with deep generative priors
This repository provides an implementation of the BASIS (Bayesian Annealed SIgnal Source) separation algorithm. BASIS separation uses annealed Langevin dynamics to sample from the posterior distribution of source components given a mixed signal.
Github: https://github.com/jthickstun/basis-separation
Paper: https://arxiv.org/abs/2002.07942
This repository provides an implementation of the BASIS (Bayesian Annealed SIgnal Source) separation algorithm. BASIS separation uses annealed Langevin dynamics to sample from the posterior distribution of source components given a mixed signal.
Github: https://github.com/jthickstun/basis-separation
Paper: https://arxiv.org/abs/2002.07942
A Gentle Introduction to the Fbeta-Measure for Machine Learning
https://machinelearningmastery.com/fbeta-measure-for-machine-learning/
https://machinelearningmastery.com/fbeta-measure-for-machine-learning/
JAX-based neural network library
https://github.com/deepmind/dm-haiku
Haiku Documentation: https://dm-haiku.readthedocs.io/en/latest/
https://github.com/deepmind/dm-haiku
Haiku Documentation: https://dm-haiku.readthedocs.io/en/latest/
GitHub
GitHub - google-deepmind/dm-haiku: JAX-based neural network library
JAX-based neural network library. Contribute to google-deepmind/dm-haiku development by creating an account on GitHub.
This media is not supported in your browser
VIEW IN TELEGRAM
Exploring Transfer Learning with T5: the Text-To-Text Transfer Transformer
https://ai.googleblog.com/2020/02/exploring-transfer-learning-with-t5.html
Code: https://colab.research.google.com/github/google-research/text-to-text-transfer-transformer/blob/master/notebooks/t5-trivia.ipynb
Github: https://github.com/google-research/text-to-text-transfer-transformer
https://ai.googleblog.com/2020/02/exploring-transfer-learning-with-t5.html
Code: https://colab.research.google.com/github/google-research/text-to-text-transfer-transformer/blob/master/notebooks/t5-trivia.ipynb
Github: https://github.com/google-research/text-to-text-transfer-transformer
How to Calibrate Probabilities for Imbalanced Classification
https://machinelearningmastery.com/probability-calibration-for-imbalanced-classification/
https://machinelearningmastery.com/probability-calibration-for-imbalanced-classification/
ABCNet: Real-time Scene Text Spotting with Adaptive Bezier-Curve Network
AdelaiDet is an open source toolbox for multiple instance-level detection applications.
Code: https://github.com/aim-uofa/adet
Paper: https://arxiv.org/pdf/2002.10200v1.pdf
AdelaiDet is an open source toolbox for multiple instance-level detection applications.
Code: https://github.com/aim-uofa/adet
Paper: https://arxiv.org/pdf/2002.10200v1.pdf
❤1
Open Images V6 — Now Featuring Localized Narratives
Open Images is the largest annotated image dataset in many regards, for use in training the latest deep convolutional neural networks for computer vision tasks
https://ai.googleblog.com/2020/02/open-images-v6-now-featuring-localized.html
Open Images Dataset V6 + Extensions: https://storage.googleapis.com/openimages/web/index.html
Localized Narratives Example: https://www.youtube.com/watch?v=mZqHVUstmIQ&feature=emb_logo
Open Images is the largest annotated image dataset in many regards, for use in training the latest deep convolutional neural networks for computer vision tasks
https://ai.googleblog.com/2020/02/open-images-v6-now-featuring-localized.html
Open Images Dataset V6 + Extensions: https://storage.googleapis.com/openimages/web/index.html
Localized Narratives Example: https://www.youtube.com/watch?v=mZqHVUstmIQ&feature=emb_logo
Using Reinforcement Learning in the Algorithmic Trading Problem
Trading with recurrent actor-critic reinforcement learning
Code: https://github.com/evgps/a3c_trading
Paper: https://arxiv.org/abs/2002.11523v1
Trading with recurrent actor-critic reinforcement learning
Code: https://github.com/evgps/a3c_trading
Paper: https://arxiv.org/abs/2002.11523v1
FreezeD: A Simple Baseline for Fine-tuning GANs
Simple Baseline for Fine-Tuning GANs
Code: https://github.com/sangwoomo/freezeD
Paper: https://arxiv.org/abs/2002.10964
Datasets: https://vcla.stat.ucla.edu/people/zhangzhang-si/HiT/exp5.html
Simple Baseline for Fine-Tuning GANs
Code: https://github.com/sangwoomo/freezeD
Paper: https://arxiv.org/abs/2002.10964
Datasets: https://vcla.stat.ucla.edu/people/zhangzhang-si/HiT/exp5.html
Imbalanced Classification Model to Detect Mammography Microcalcifications
https://machinelearningmastery.com/imbalanced-classification-model-to-detect-microcalcifications/
https://machinelearningmastery.com/imbalanced-classification-model-to-detect-microcalcifications/
MachineLearningMastery.com
Imbalanced Classification Model to Detect Mammography Microcalcifications - MachineLearningMastery.com
Cancer detection is a popular example of an imbalanced classification problem because there are often significantly more cases of non-cancer than actual cancer.
A standard imbalanced classification dataset is the mammography dataset that involves detecting…
A standard imbalanced classification dataset is the mammography dataset that involves detecting…
Fast and Three-rious: Speeding Up Weak Supervision with Triplet Methods
FlyingSquid is a new framework for automatically building models from multiple noisy label sources.
Code: https://github.com/HazyResearch/flyingsquid
Blog: https://hazyresearch.stanford.edu/flyingsquid
Paper: https://arxiv.org/abs/2002.11955v1
FlyingSquid is a new framework for automatically building models from multiple noisy label sources.
Code: https://github.com/HazyResearch/flyingsquid
Blog: https://hazyresearch.stanford.edu/flyingsquid
Paper: https://arxiv.org/abs/2002.11955v1
160+ Data Science Interview Questions
https://hackernoon.com/160-data-science-interview-questions-415s3y2a
https://hackernoon.com/160-data-science-interview-questions-415s3y2a
Hackernoon
160+ Data Science Interview Questions | HackerNoon
A typical interview process for a data science position includes multiple rounds. Often, one of such rounds covers theoretical concepts, where the goal is to determine if the candidate knows the fundamentals of machine learning.