Auto-Sklearn for Automated Machine Learning in Python
https://machinelearningmastery.com/auto-sklearn-for-automated-machine-learning-in-python/
https://machinelearningmastery.com/auto-sklearn-for-automated-machine-learning-in-python/
The Little W-Net that Could
State-of-the-Art Retinal Vessel Segmentation with Minimalistic Models.
Github: https://github.com/agaldran/lwnet
Paper: https://arxiv.org/abs/2009.01907v1
State-of-the-Art Retinal Vessel Segmentation with Minimalistic Models.
Github: https://github.com/agaldran/lwnet
Paper: https://arxiv.org/abs/2009.01907v1
KILT: a Benchmark for Knowledge Intensive Language Tasks
All tasks in KILT are grounded in the same snapshot of Wikipedia, reducing engineering turnaround through the re-use of components, as well as accelerating research into task-agnostic memory architectures.
Github: https://github.com/facebookresearch/KILT
Paper: https://arxiv.org/abs/2009.02252
@ai_machinelearning_big_data
All tasks in KILT are grounded in the same snapshot of Wikipedia, reducing engineering turnaround through the re-use of components, as well as accelerating research into task-agnostic memory architectures.
Github: https://github.com/facebookresearch/KILT
Paper: https://arxiv.org/abs/2009.02252
@ai_machinelearning_big_data
🧙♂️ How to Create a Cartoonizer with TensorFlow Lite
https://blog.tensorflow.org/2020/09/how-to-create-cartoonizer-with-tf-lite.html
Code: https://github.com/margaretmz/cartoonizer-with-tflite
E2E TFLite Tutorials: https://github.com/ml-gde/e2e-tflite-tutorials
@ai_machinelearning_big_data
https://blog.tensorflow.org/2020/09/how-to-create-cartoonizer-with-tf-lite.html
Code: https://github.com/margaretmz/cartoonizer-with-tflite
E2E TFLite Tutorials: https://github.com/ml-gde/e2e-tflite-tutorials
@ai_machinelearning_big_data
blog.tensorflow.org
How to Create a Cartoonizer with TensorFlow Lite
This is an end-to-end tutorial on how to convert a TF 1.x model to TensorFlow Lite (TFLite) and deploy it to an Android app. We use Android Studio’s ML Model Binding to import the model for cartoonizing an image captured with CameraX .
HyperOpt for Automated Machine Learning With Scikit-Learn
https://machinelearningmastery.com/hyperopt-for-automated-machine-learning-with-scikit-learn/
https://machinelearningmastery.com/hyperopt-for-automated-machine-learning-with-scikit-learn/
MachineLearningMastery.com
HyperOpt for Automated Machine Learning With Scikit-Learn - MachineLearningMastery.com
Automated Machine Learning (AutoML) refers to techniques for automatically discovering well-performing models for predictive modeling tasks with very little user involvement. HyperOpt is an open-source library for large scale AutoML and HyperOpt-Sklearn is…
❤1👍1
TorchKGE: Knowledge Graph Embedding in Python and PyTorch
https://torchkge.readthedocs.io/en/latest/
Github: https://github.com/torchkge-team/torchkge
Paper: https://arxiv.org/abs/2009.02963v1
@ai_machinelearning_big_data
https://torchkge.readthedocs.io/en/latest/
Github: https://github.com/torchkge-team/torchkge
Paper: https://arxiv.org/abs/2009.02963v1
@ai_machinelearning_big_data
GitHub
GitHub - torchkge-team/torchkge: TorchKGE: Knowledge Graph embedding in Python and PyTorch.
TorchKGE: Knowledge Graph embedding in Python and PyTorch. - GitHub - torchkge-team/torchkge: TorchKGE: Knowledge Graph embedding in Python and PyTorch.
Understanding the Role of Individual Units in a Deep Neural Network
Examine two types of networks that contain interpretable units: networks trained to classify images of scenes, and networks trained to synthesize images of scenes.
https://dissect.csail.mit.edu/
Github: https://github.com/davidbau/dissect
Website: https://www.pnas.org/content/early/2020/08/31/1907375117
Paper: https://arxiv.org/pdf/2009.05041.pdf
Examine two types of networks that contain interpretable units: networks trained to classify images of scenes, and networks trained to synthesize images of scenes.
https://dissect.csail.mit.edu/
Github: https://github.com/davidbau/dissect
Website: https://www.pnas.org/content/early/2020/08/31/1907375117
Paper: https://arxiv.org/pdf/2009.05041.pdf
Up Great technology contest READ//ABLE stimulates the development of new approaches to machine learning. It gives great opportunities for NLP developers. Join us for the next AI breakthrough!
Task: to develop an AI product capable of successfully identifying semantic and factual errors in academic essays at the specialist level within the limited time.
Prize: 100 million rubles for each language: Russian or English
Dataset: https://bit.ly/34279IC
A set of text essay files in Russian and English is a usable tool for specialists in the field. The dataset will be replenished.
Info and terms of participation: https://bit.ly/3kGdTBZ
Task: to develop an AI product capable of successfully identifying semantic and factual errors in academic essays at the specialist level within the limited time.
Prize: 100 million rubles for each language: Russian or English
Dataset: https://bit.ly/34279IC
A set of text essay files in Russian and English is a usable tool for specialists in the field. The dataset will be replenished.
Info and terms of participation: https://bit.ly/3kGdTBZ
LaSOT
Large-scale Single Object Tracking (LaSOT) aims to provide a dedicated platform for training data-hungry deep trackers as well as assessing long-term tracking performance.
http://vision.cs.stonybrook.edu/~lasot/
Github: https://github.com/HengLan/LaSOT_Evaluation_Toolkit
Dataset: http://vision.cs.stonybrook.edu/~lasot/download.html
Paper: https://arxiv.org/abs/2009.03465
@ai_machinelearning_big_data
Large-scale Single Object Tracking (LaSOT) aims to provide a dedicated platform for training data-hungry deep trackers as well as assessing long-term tracking performance.
http://vision.cs.stonybrook.edu/~lasot/
Github: https://github.com/HengLan/LaSOT_Evaluation_Toolkit
Dataset: http://vision.cs.stonybrook.edu/~lasot/download.html
Paper: https://arxiv.org/abs/2009.03465
@ai_machinelearning_big_data
GitHub
GitHub - HengLan/LaSOT_Evaluation_Toolkit: [CVPR 2019 & IJCV 2021] LaSOT: A High-quality Benchmark for Large-scale Single Object…
[CVPR 2019 & IJCV 2021] LaSOT: A High-quality Benchmark for Large-scale Single Object Tracking - HengLan/LaSOT_Evaluation_Toolkit
Rule-Guided Graph Neural Networks for Recommender Systems
Сombination of rule learning and GNNs achieves substantial improvement compared to methods only using either of them
Github: https://github.com/nju-websoft/RGRec
Paper: https://arxiv.org/abs/2009.04104v1
Сombination of rule learning and GNNs achieves substantial improvement compared to methods only using either of them
Github: https://github.com/nju-websoft/RGRec
Paper: https://arxiv.org/abs/2009.04104v1
Improving Sparse Training with RigL
https://ai.googleblog.com/2020/09/improving-sparse-training-with-rigl.html
Github: https://github.com/google-research/rigl
Paper: https://arxiv.org/abs/1911.11134
@ai_machinelearning_big_data
https://ai.googleblog.com/2020/09/improving-sparse-training-with-rigl.html
Github: https://github.com/google-research/rigl
Paper: https://arxiv.org/abs/1911.11134
@ai_machinelearning_big_data
research.google
Improving Sparse Training with RigL
Posted by Utku Evci and Pablo Samuel Castro, Research Engineers, Google Research, Montreal Modern deep neural network architectures are often highl...
Dialog Ranking Pretrained Transformers
It is a set of dialog response ranking models proposed by Microsoft Research NLP Group trained on millions of human feedback data.
Github: https://github.com/golsun/DialogRPT
Paper: https://arxiv.org/abs/2009.06978
Colab: https://colab.research.google.com/drive/1jQXzTYsgdZIQjJKrX4g3CP0_PGCeVU3C?usp=sharing
@ai_machinelearning_big_data
It is a set of dialog response ranking models proposed by Microsoft Research NLP Group trained on millions of human feedback data.
Github: https://github.com/golsun/DialogRPT
Paper: https://arxiv.org/abs/2009.06978
Colab: https://colab.research.google.com/drive/1jQXzTYsgdZIQjJKrX4g3CP0_PGCeVU3C?usp=sharing
@ai_machinelearning_big_data
❤1
MEAL V2
Boosting Vanilla ResNet-50 to 80%+ Top-1 Accuracy on ImageNet without Tricks.
Github: https://github.com/szq0214/MEAL-V2
Paper: https://arxiv.org/abs/2009.08453
ImageNet dataset: https://github.com/pytorch/examples/tree/master/imagenet#requirements.
@ai_machinelearning_big_data
Boosting Vanilla ResNet-50 to 80%+ Top-1 Accuracy on ImageNet without Tricks.
Github: https://github.com/szq0214/MEAL-V2
Paper: https://arxiv.org/abs/2009.08453
ImageNet dataset: https://github.com/pytorch/examples/tree/master/imagenet#requirements.
@ai_machinelearning_big_data
Implementing a Deep Learning Library from Scratch in Python
https://www.kdnuggets.com/2020/09/implementing-deep-learning-library-scratch-python.html
https://www.kdnuggets.com/2020/09/implementing-deep-learning-library-scratch-python.html
KDnuggets
Implementing a Deep Learning Library from Scratch in Python - KDnuggets
A beginner’s guide to understanding the fundamental building blocks of deep learning platforms.
Advancing NLP with Efficient Projection-Based Model Architectures
https://ai.googleblog.com/2020/09/advancing-nlp-with-efficient-projection.html
Sequence Projection Models: https://github.com/tensorflow/models/tree/master/research/sequence_projection
https://ai.googleblog.com/2020/09/advancing-nlp-with-efficient-projection.html
Sequence Projection Models: https://github.com/tensorflow/models/tree/master/research/sequence_projection
Googleblog
Advancing NLP with Efficient Projection-Based Model Architectures
📸 Old Photo Restoration (Official PyTorch Implementation)
Restore old photos that suffer from severe degradation through a deep learning approace.
http://raywzy.com/Old_Photo/
Github: https://github.com/microsoft/Bringing-Old-Photos-Back-to-Life
Paper: https://arxiv.org/pdf/2009.07047v1.pdf
Colab: https://colab.research.google.com/drive/1NEm6AsybIiC5TwTU_4DqDkQO0nFRB-uA
@ai_machinelearning_big_data
Restore old photos that suffer from severe degradation through a deep learning approace.
http://raywzy.com/Old_Photo/
Github: https://github.com/microsoft/Bringing-Old-Photos-Back-to-Life
Paper: https://arxiv.org/pdf/2009.07047v1.pdf
Colab: https://colab.research.google.com/drive/1NEm6AsybIiC5TwTU_4DqDkQO0nFRB-uA
@ai_machinelearning_big_data
👍1
This media is not supported in your browser
VIEW IN TELEGRAM
Facebook AI Releases ‘Dynabench’, A Dynamic Benchmark Testing Platform For Machine Learning Systems
Articel: https://ai.facebook.com/blog/dynabench-rethinking-ai-benchmarking/
Project: https://dynabench.org/
@ai_machinelearning_big_data
Articel: https://ai.facebook.com/blog/dynabench-rethinking-ai-benchmarking/
Project: https://dynabench.org/
@ai_machinelearning_big_data
This media is not supported in your browser
VIEW IN TELEGRAM
Bringing the Mona Lisa Effect to Life with TensorFlow.js
https://blog.tensorflow.org/2020/09/bringing-mona-lisa-effect-to-life-tensorflow-js.html
Github: https://github.com/emilyxxie/mona_lisa_eyes
Demo: https://monalisaeffect.com/
@ai_machinelearning_big_data
https://blog.tensorflow.org/2020/09/bringing-mona-lisa-effect-to-life-tensorflow-js.html
Github: https://github.com/emilyxxie/mona_lisa_eyes
Demo: https://monalisaeffect.com/
@ai_machinelearning_big_data
🔋 The Most Complete Guide to PyTorch for Data Scientists
https://www.kdnuggets.com/2020/09/most-complete-guide-pytorch-data-scientists.html
Code: https://github.com/MLWhiz/data_science_blogs/tree/master/pytorch_guide
@ai_machinelearning_big_data
https://www.kdnuggets.com/2020/09/most-complete-guide-pytorch-data-scientists.html
Code: https://github.com/MLWhiz/data_science_blogs/tree/master/pytorch_guide
@ai_machinelearning_big_data
KDnuggets
The Most Complete Guide to PyTorch for Data Scientists - KDnuggets
All the PyTorch functionality you will ever need while doing Deep Learning. From an Experimentation/Research Perspective.
Graph Normalization
Learning Graph Normalization for Graph Neural Networks
Github: https://github.com/cyh1112/GraphNormalization
Paper: https://arxiv.org/abs/2009.11746v1
@ai_machinelearning_big_data
Learning Graph Normalization for Graph Neural Networks
Github: https://github.com/cyh1112/GraphNormalization
Paper: https://arxiv.org/abs/2009.11746v1
@ai_machinelearning_big_data