378K subscribers
4.37K photos
831 videos
17 files
4.85K links
Погружаемся в машинное обучение и Data Science

Показываем как запускать любые LLm на пальцах.

По всем вопросам - @haarrp

@itchannels_telegram -🔥best channels

Реестр РКН: clck.ru/3Fmqri
Download Telegram
A software toolkit for research on general-purpose text understanding models

jiant is a software toolkit for natural language processing research, designed to facilitate work on multitask learning and transfer learning for sentence understanding tasks

https://jiant.info/

Code: https://github.com/nyu-mll/jiant

Paper: https://arxiv.org/pdf/2003.02249v1.pdf
Action Segmentation with Joint Self-Supervised Temporal Domain Adaptation (PyTorch)

Code: https://github.com/cmhungsteve/SSTDA

Paper: https://arxiv.org/abs/2003.02824
🎇Announcing TensorFlow Quantum: An Open Source Library for Quantum Machine Learning

https://ai.googleblog.com/2020/03/announcing-tensorflow-quantum-open.html
Lagrangian Neural Networks

In contrast to Hamiltonian Neural Networks, these models do not require canonical coordinates and perform well in situations where generalized momentum is difficult to compute

Code: https://github.com/MilesCranmer/lagrangian_nns

Paper: https://arxiv.org/abs/2003.04630v1
On the Texture Bias for Few-Shot CNN Segmentation

This repository contains the code for deep auto-encoder-decoder network for few-shot semantic segmentation with state of the art results on FSS 1000 class dataset and Pascal 5i

Code: https://github.com/rezazad68/fewshot-segmentation

Paper: https://arxiv.org/abs/2003.04052v1

Download 1000-class dataset
This media is not supported in your browser
VIEW IN TELEGRAM
🌐 Fast and Easy Infinitely Wide Networks with Neural Tangents

Neural Tangents is a high-level neural network API for specifying complex, hierarchical, neural networks of both finite and infinite width. Neural Tangents allows researchers to define, train, and evaluate infinite networks as easily as finite ones.

https://ai.googleblog.com/2020/03/fast-and-easy-infinitely-wide-networks.html

Colab notebook: https://colab.research.google.com/github/google/neural-tangents/blob/master/notebooks/neural_tangents_cookbook.ipynb#scrollTo=Lt74vgCVNN2b

Code: https://github.com/google/neural-tangents

Paper: https://arxiv.org/abs/1912.02803
Neural Networks are Function Approximation Algorithms

https://machinelearningmastery.com/neural-networks-are-function-approximators/
Magenta: Music and Art Generation with Machine Intelligence
Magenta is a research project exploring the role of machine learning in the process of creating art and music.

Github: https://github.com/tensorflow/magenta

Colab notebooks: https://colab.research.google.com/notebooks/magenta/hello_magenta/hello_magenta.ipynb

Paper: https://arxiv.org/abs/1902.08710v2
This media is not supported in your browser
VIEW IN TELEGRAM
Introducing Dreamer: Scalable Reinforcement Learning Using World Models

Dreamer, a reinforcement learning agent that solves long-horizon tasks from images purely by latent imagination.

https://ai.googleblog.com/2020/03/introducing-dreamer-scalable.html

Paper: https://arxiv.org/abs/1912.01603

Blog: https://dreamrl.github.io/
Few-Shot Object Detection (FsDet)

Detecting rare objects from a few examples is an emerging problem.
In addition to the benchmarks we introduce new benchmarks on three datasets: PASCAL VOC, COCO, and LVIS. We sample multiple groups of few-shot training examples for multiple runs of the experiments and report evaluation results on both the base classes and the novel classes.

Github: https://github.com/ucbdrive/few-shot-object-detection

Paper: https://arxiv.org/abs/2003.06957
Scene Text Recognition via Transformer
The method use a convolutional feature maps as word embedding input into transformer.

Github: https://github.com/fengxinjie/Transformer-OCR

Paper: https://arxiv.org/abs/2003.08077

The transformer source code:http://nlp.seas.harvard.edu/2018/04/03/attention.html
High-Resolution Daytime Translation Without Domain Labels

HiDT combines a generative image-to-image model and a new upsampling scheme that allows to apply image translation at high resolution.

https://saic-mdal.github.io/HiDT/

Paper: https://arxiv.org/abs/2003.08791

Video: https://www.youtube.com/watch?v=DALQYKt-GJc&feature=youtu.be
PyTorch Tutorial: How to Develop Deep Learning Models with Python

https://machinelearningmastery.com/pytorch-tutorial-develop-deep-learning-models/
NeRF: Neural Radiance Fields

Algorithm represents a scene using a fully-connected (non-convolutional) deep network, whose input is a single continuous 5D coordinate (spatial location (x, y, z) and viewing direction

http://www.matthewtancik.com/nerf

Tensorflow implementation: https://github.com/bmild/nerf

Paper: https://arxiv.org/abs/2003.08934v1
Deep unfolding network for image super-resolution

Deep unfolding network inherits the flexibility of model-based methods to super-resolve blurry, noisy images for different scale factors via a single model, while maintaining the advantages of learning-based methods.

Github: https://github.com/cszn/USRNet

Paper: https://arxiv.org/pdf/2003.10428.pdf