Made-With-ML/datasets/dataset.csv

139 KiB
Raw Blame History

1idcreated_ontitledescriptiontag
262020-02-20 06:43:18Comparison between YOLO and RCNN on real world videosBringing theory to experiment is cool. We can easily train models in colab and find the results in minutes.computer-vision
372020-02-20 06:47:21Show, Infer & Tell: Contextual Inference for Creative CaptioningThe beauty of the work lies in the way it architects the fundamental idea that humans look at the overall image and then individual pieces of it. computer-vision
492020-02-24 16:24:45Awesome Graph ClassificationA collection of important graph embedding, classification and representation learning papers with implementations.other
5152020-02-28 23:55:26Awesome Monte Carlo Tree SearchA curated list of Monte Carlo tree search papers with implementations. other
6252020-03-07 23:04:31AttentionWalkA PyTorch Implementation of "Watch Your Step: Learning Node Embeddings via Graph Attention" (NeurIPS 2018). other
7272020-03-07 23:18:15APPNP and PPNPA PyTorch implementation of "Predict then Propagate: Graph Neural Networks meet Personalized PageRank" (ICLR 2019). other
8282020-03-07 23:23:46Attributed Social Network EmbeddingA sparsity aware and memory efficient implementation of "Attributed Social Network Embedding" (TKDE 2018). other
9292020-03-07 23:45:38Signed Graph Convolutional NetworkA PyTorch implementation of "Signed Graph Convolutional Network" (ICDM 2018). other
10452020-03-08 00:39:08SimGNNA PyTorch implementation of "SimGNN: A Neural Network Approach to Fast Graph Similarity Computation" (WSDM 2019). other
11612020-03-16 17:35:22Using JAX to Improve Separable Image FiltersOptimizing the filters to improve the filtered images for computer vision tasks.computer-vision
12652020-03-19 18:42:05Coloring Greyscale ImagesColoring black and white images with neural networks.computer-vision
13672020-03-19 19:04:43Fruit Detection using Convolution Neural Networks in TensorFlowTrained a Convolutional Neural Network Model to predict fruits of over 100+ Classes (types) with a training accuracy of over 95%, and testing accuracy of over 9computer-vision
14732020-03-19 23:45:14Face VerificationImplementation of Siamese Neural network model used for face verification. The dataset used for this task is IMDB-WIKI-face images Dataset.computer-vision
15772020-03-20 03:23:27Sign Language Interpreter using Deep LearningA sign language interpreter using live video feed from the camera. The project was completed in 24 hours as part of HackUNT-19, the University of North Texas's computer-vision
16782020-03-20 03:32:09The Illustrated Self-Supervised LearningA visual introduction to self-supervised learning methods in Computer Visioncomputer-vision
17812020-03-20 06:07:56GradCAM for the BreaKHis DatasetAn NBDev package for fine-tuning ResNets to visualize gradient-weighted class activation for the BreaKHis dataset.computer-vision
18852020-03-20 17:35:59Message Passing GNNs C++C++ implementation using Eigen for the forward pass of Graph Convolutional Neural Networks.other
19892020-03-20 18:17:31Rethinking Batch Normalization in TransformersWe found that NLP batch statistics exhibit large variance throughout training, which leads to poor BN performance.natural-language-processing
20912020-03-20 18:30:04Pytest BoardContinuous pytest runner with awesome visualization.mlops
21922020-03-20 18:43:50Image Spam Buster - Kreate Hackathon"Spam Buster" for user generated IMAGE content.computer-vision
22982020-03-20 19:16:43Bachelorette PredictorPredict the Bachelorette winners from profile images.computer-vision
23992020-03-20 21:32:14Gender Change of People's Face using CycleGANCycleGAN architecture in Keras and train the model with CelebA faces dataset to perform gender change on people's faces.computer-vision
241012020-03-21 04:19:04ELECTRA: Pre-training Text Encoders as DiscriminatorsPyTorch implementation of the electra model from the paper: ELECTRA - Pre-training Text Encoders as Discriminators Rather Than Generatorsnatural-language-processing
251082020-03-21 23:17:38Tuned ALBERT (ensemble model)Top 6 in Squad 2.0natural-language-processing
261092020-03-21 23:25:33iyasai: Book Recommendation SystemRecommender system for books and stories that could help you and your loved ones lift up your mood whenever you are facing stress or unpleasant situations.natural-language-processing
271122020-03-21 23:58:46Learning to See before Learning to Act: Visual Pre-trainingWe find that pre-training on vision tasks significantly improves generalization and sample efficiency for learning to manipulate objects.computer-vision
281152020-03-22 01:26:14SOLT: Data Augmentation for Deep LearningData augmentation library for Deep Learning, which supports images, segmentation masks, labels and key points.computer-vision
291162020-03-22 01:37:27PCDet: 3D Point Cloud DetectionPCDet Toolbox in PyTorch for 3D Object Detection from Point Cloudcomputer-vision
301172020-03-22 01:47:09SiamFC++: Towards Robust and Accurate Visual TrackingImplementation of a series of basic algorithms which is useful for video understanding, including Single Object Tracking (SOT), Video Object Segmentation (VOS).computer-vision
311182020-03-22 21:46:52SinextSign language to text with OpenCV and MNIST sign-language datasetcomputer-vision
321202020-03-24 04:38:08Gliding Vertex on Horizontal Bounding Box for Object DetectionGliding vertex on the horizontal bounding box for multi-oriented object detection.computer-vision
331212020-03-24 04:56:38Deep Reinforcement Learning in TensorFlow2deep-rl-tf2 is a repository that implements a variety of polular Deep-RL algorithms using TF2. The key to this repo is an easy to understand code. other
341222020-03-24 17:51:35Custom Classifier on Top of Bert-like Language ModelTake pre-trained language model and build custom classifier on top of it.natural-language-processing
351232020-03-24 18:20:55Using Different Decoding Methods for LM with TransformersA look at different decoding methods for generate subsequent tokens in language modeling.natural-language-processing
361242020-03-24 21:12:12Unsupervised ToolboxUnsupervised learning Tool box : A micro framework for State of the Art Methods and models for unsupervised learning for NLU / NLG natural-language-processing
371282020-03-25 15:21:34Multimodal Brain Tumor SegmentationSegmentation of gliomas in pre-operative MRI scans. Use the provided clinically-acquired training data to produce segmentation labels.computer-vision
381332020-03-25 20:21:26A Survey of Long-Term Context in TransformersOver the past two years the NLP community has developed a veritable zoo of methods to combat expensive multi-head self-attention.natural-language-processing
391372020-03-27 14:39:53Debugging Neural Networks with PyTorch and W&BA closer look at debugging common issues when training neural networks.mlops
401382020-03-27 14:50:02BachGAN: High-Res Image Synthesis from Salient Object LayoutWe propose a new task towards more practical application for image generation - high-quality image synthesis from salient object layout. computer-vision
411402020-03-28 07:49:03Visual Paper Summary: ALBERT(A Lite BERT)An illustrated summary of ALBERT paper and how it improves BERT and makes it resource efficientnatural-language-processing
421452020-03-30 04:14:44Controllable Person Image Synthesis with Attribute-Decomposed GANA novel generative model for controllable person image synthesis, which can produce realistic person images with desired human attributes.computer-vision
431472020-03-30 05:39:57Back Translation for Text Augmentation with Google SheetsLearn how to augment existing labeled text data for free using Google Sheets.natural-language-processing
441482020-03-30 14:13:46An Illustrated Guide to Graph Neural NetworksA breakdown of the inner workings of GNNs.other
451502020-04-01 08:26:46The Illustrated FixMatch for Semi-Supervised LearningLearn how to leverage unlabeled data using FixMatch for semi-supervised learningcomputer-vision
461522020-04-01 15:38:58A Two-Step Graph Convolutional Decoder for Molecule GenerationA simple auto-encoder framework for molecule generation.other
471572020-04-03 01:56:32TransMoMo: Invariance-Driven Unsupervised Motion RetargetingA lightweight video motion retargeting approach that is capable of transferring motion of a person in a source video realistically to another video of a target computer-vision
481582020-04-03 04:41:07Tracking Objects as PointsSimultaneous object detection and tracking using center points.computer-vision
491592020-04-03 14:57:11Drifter-MLA machine learning testing framework for sklearn and pandas. The goal is to help folks assess whether things have changed over time.mlops
501622020-04-03 20:17:50Natural Language Processing NewsGet the highlights from Natural Language Processing & Machine Learning research & industry straight to your inbox every month.natural-language-processing
511632020-04-03 20:21:13NLP NewsletterDemocratizing Artificial Intelligence Research, Education, and Technologies.natural-language-processing
521682020-04-04 17:54:28Self-Supervised Scene De-occlusionWe investigate the problem of scene de-occlusion, which aims to recover the underlying occlusion ordering and complete the invisible parts of occluded objects.computer-vision
531732020-04-05 03:00:05Design Patterns for Production NLP SystemsDesigns and tips for designing NLP production systems.natural-language-processing
541812020-04-05 14:56:34Talking-Heads AttentionA variation on multi-head attention which includes linear projections across the attention-heads dimension, immediately before and after the softmax operation.natural-language-processing
551832020-04-05 17:50:10What does a CNN see?First super clean notebook showcasing @TensorFlow 2.0. An example of end-to-end DL with interpretability.computer-vision
562192020-04-06 14:10:22Natural Language Processing: Pretraining - d2lAn interactive deep learning book with code, math, and discussions, based on the NumPy interface.natural-language-processing
572242020-04-06 16:48:44Understanding Convolutional Neural Networks for NLPMore recently weve also started to apply CNNs to problems in Natural Language Processing and gotten some interesting results.natural-language-processing
582342020-04-06 17:42:52An Overview of Semantic Image SegmentationImage segmentation is a computer vision task in which we label specific regions of an image according to what's being shown.computer-vision
592372020-04-06 18:02:48Common Architectures in Convolutional Neural NetworksIn this post, I'll discuss commonly used architectures for convolutional networks. computer-vision
602382020-04-06 18:37:33GoogletransGoogletrans: Free and Unlimited Google translate API for Python. Translates totally free of charge.natural-language-processing
612392020-04-06 18:39:48Prophet: Forecasting At ScaleTool for producing high quality forecasts for time series data that has multiple seasonality with linear or non-linear growth.other
622502020-04-06 19:24:06DoccanoOpen source text annotation tool for machine learning practitioner. natural-language-processing
632512020-04-06 19:28:58BRAT: Rapid Annotation ToolBRAT (brat rapid annotation tool) is based on the stav visualiser which was originally made in order to visualise BioNLP'11 Shared Task data.natural-language-processing
642522020-04-06 20:23:46Word EmbeddingsThis tutorial introduces word embeddings. It contains complete code to train word embeddings from scratch on a small dataset.natural-language-processing
652532020-04-06 20:26:27On Word EmbeddingsThis post presents the most well-known models for learning word embeddings based on language modeling.natural-language-processing
662542020-04-06 20:28:43NLP for Developers: Word Embeddings | RasaIn this video, Rasa Developer Advocate Rachael will talk about what word embeddings are, how they work, when they're used and some common errors. natural-language-processing
672552020-04-06 20:30:27NLP for Developers: Transformers | RasaIn this video, Rasa Developer Advocate Rachael will talk about what transformers are, how they work, when they're used and some common errors. natural-language-processing
682562020-04-06 20:42:05A Visual Guide to Using BERT for the First TimeTutorial for how to use a variant of BERT to classify sentences.natural-language-processing
692572020-04-06 20:45:45The Illustrated GPT-2 (Visualizing Transformer Language Models)Visuals explaining the inner-workings of transformers.natural-language-processing
702592020-04-06 20:51:58The Illustrated Word2vecIn this post, well go over the concept of embedding, and the mechanics of generating embeddings with word2vec. natural-language-processing
712602020-04-06 20:55:32The Illustrated BERT, ELMo, and co.How NLP cracked transfer learning.natural-language-processing
722612020-04-06 21:00:34The Illustrated TransformerIn this post, we will look at The Transformer a model that uses attention to boost the speed with which these models can be trained.natural-language-processing
732622020-04-06 21:11:40Visualizing A Neural Machine Translation ModelMechanics of seq2seq models with attention.natural-language-processing
742692020-04-06 22:46:54Attention MechanismMain concepts behind Attention, including an implementation of a sequence-to-sequence Attention model, followed by the application of Attention in Transformers.natural-language-processing
752702020-04-06 22:50:30Attention? Attention!In this post, we are gonna look into how attention was invented, and various attention mechanisms and models, such as transformer and SNAIL.natural-language-processing
762712020-04-06 22:58:47The Annotated TransformerIn this post I present an “annotated” version of the paper in the form of a line-by-line implementation. natural-language-processing
772722020-04-06 23:38:26The Annotated GPT-2GPT-2 explained with visualization and PyTorch code.natural-language-processing
782732020-04-06 23:41:52Transformers - Hugging Face🤗 Transformers: State-of-the-art Natural Language Processing for TensorFlow 2.0 and PyTorch. natural-language-processing
792772020-04-07 00:30:33Curriculum for Reinforcement LearningCurriculum learning applied to reinforcement learning, with a few exceptions of supervised learning.other
802782020-04-07 00:34:46Self-Supervised Representation LearningWhat if we can get labels for free for unlabelled data and train unsupervised dataset in a supervised manner? computer-vision
812792020-04-07 00:36:55Evolution StrategiesEvolutionary algorithms refer to a division of population-based optimization algorithms inspired by natural selection. other
822802020-04-07 00:38:25Meta Reinforcement LearningExplore cases when we try to “meta-learn” Reinforcement Learning (RL) tasks by developing an agent that can solve unseen tasks fast and efficiently.other
832812020-04-07 00:40:59Generalized Language ModelsTrend in large unsupervised pre-trained language models which have achieved amazing SOTA results on a variety of language tasks.natural-language-processing
842842020-04-07 00:57:12Policy Gradient AlgorithmsIn this post, we are going to look deep into policy gradient, why it works, and many new policy gradient algorithms proposed in recent years.other
852862020-04-07 03:49:15Object Detection for DummiesWe will go through several basic concepts, algorithms, and popular deep learning models for image processing and object detection.computer-vision
862872020-04-07 03:59:53Learning Word EmbeddingThis post introduces several models for learning word embedding and how their loss functions are designed for the purpose.natural-language-processing
872902020-04-07 13:38:36GANSpace: Discovering Interpretable GAN ControlsThis paper describes a simple technique to analyze Generative Adversarial Networks (GANs) and create interpretable controls for image synthesis.computer-vision
882912020-04-07 14:07:59Kornia: Differentiable Computer Vision Library for PyTorchSet of routines and differentiable modules to solve generic computer vision problems. computer-vision
892942020-04-07 15:36:13PyTorch Geometric Geometric deep learning extension library for PyTorch.other
902952020-04-07 15:40:00DGL: Deep Graph LibraryPython package built to ease deep learning on graph, on top of existing DL frameworks. other
913062020-04-07 20:07:28BERT Research - Key Concepts & SourcesVideo series on BERT's key concepts and sources.natural-language-processing
923072020-04-07 20:11:29GLUE Explained: Understanding BERT Through BenchmarksIn this post we take a look at an important NLP benchmark used to evaluate BERT and other transfer learning models!natural-language-processing
933082020-04-07 23:22:18TinyBERTTinyBERT is 7.5x smaller and 9.4x faster on inference than BERT-base and achieves competitive performances in the tasks of natural language understanding.natural-language-processing
943132020-04-08 00:02:27NVIDIA Neural Modules: NeMoA toolkit for conversational AI.natural-language-processing
953152020-04-08 00:10:21VoTT: Visual Object Tagging ToolAn electron app for building end to end Object Detection Models from Images and Videos.computer-vision
963162020-04-08 00:12:26Clinical BERTRepository for Publicly Available Clinical BERT Embeddingsnatural-language-processing
973182020-04-08 00:16:55Computer Vision Annotation Tool (CVAT)Free, online, interactive video and image annotation tool for computer vision.computer-vision
983192020-04-08 00:19:04LabelImg🖍️ A graphical image annotation tool and label object bounding boxes in images.computer-vision
993272020-04-08 14:16:28How to Steal Modern NLP Systems with Gibberish?Its possible to steal BERT-based models without any real training data, even using gibberish word sequences.natural-language-processing
1003342020-04-08 15:04:28BioWordVec & BioSentVecPre-trained embeddings for biomedical words and sentencesnatural-language-processing
1013352020-04-08 15:07:44BioBERT: a pre-trained biomedical language representation model Code for fine-tuning BioBERT for biomedical text mining tasks such as biomedical NER, relation extraction, QA, etc.natural-language-processing
1023412020-04-08 15:42:56How to Unit Test Machine Learning CodeWouldnt suck to have to throw away perfectly good ideas because our implementations were buggy?mlops
1033432020-04-08 15:52:19Machine Learning Systems DesignDesigning a machine learning system.mlops
1043452020-04-08 16:14:23HMTL: Hierarchical Multi-Task Learning🌊 A State-of-the-Art neural network model for several NLP tasks based on PyTorch and AllenNLPnatural-language-processing
1053472020-04-08 16:26:05The State of Transfer Learning in NLPThis post expands on the NAACL 2019 tutorial on Transfer Learning in NLP. It highlights key insights and takeaways and provides updates based on recent work.natural-language-processing
1063492020-04-08 16:35:52The Dark Secrets of BERTHow much of the linguistically interpretable self-attention patterns that are presumed to be its strength are actually used to solve downstream tasks?natural-language-processing
1073642020-04-08 17:53:15Named Entity Recognition TaggingIn this post, we go through an example from Natural Language Processing, in which we learn how to load text data and perform NER tagging for each token.natural-language-processing
1083722020-04-08 18:22:46An introduction to Q-Learning: Reinforcement LearningQ-Learning algorithm along with an implementation in Python using Numpy.other
1093782020-04-08 19:37:57RayRay is a fast and simple framework for building and running distributed applications.other
1103802020-04-08 21:05:06Graph NetsPyTorch Implementation and Explanation of Graph Representation Learning papers involving DeepWalk, GCN, GraphSAGE, ChebNet & GAT.other
1113882020-04-08 21:36:39ConvNet PlaygroundAn interactive visualization for exploring Convolutional Neural Networks applied to the task of semantic image search.computer-vision
1123922020-04-08 21:53:06Embedding ProjectorVisualization of high dimensional data, namely embeddings.natural-language-processing
1133952020-04-08 22:12:24Word2Viz: Explore Word AnalogiesInteractive visualization of word analogies in GloVe.natural-language-processing
1143972020-04-08 22:17:06Image-to-Image Translation with Conditional Adversarial NetworksTensorflow port of Image-to-Image Translation with Conditional Adversarial Netscomputer-vision
1154012020-04-08 22:29:09Quick, DrawCan a neural network learn to recognize doodling?computer-vision
1164032020-04-08 22:44:04A 2019 Guide to Speech Synthesis with Deep LearningA look at recent deep learning based speech synthesis research and techniques.natural-language-processing
1174082020-04-08 23:03:13FlashTorchVisualization toolkit for neural networks in PyTorchcomputer-vision
1184112020-04-08 23:11:09W&B: Weights and BiasesTrack model training at scale.mlops
1194192020-04-09 00:41:03Text Feature Selection for Causal InferenceIdentifying the linguistic features that cause people to act a certain way after reading a text, regardless of confounding variables, is something people do.natural-language-processing
1204232020-04-09 00:57:493D Ken Burns Effect from a Single ImageImplementation of 3D Ken Burns Effect from a Single Image using PyTorch.computer-vision
1214242020-04-09 01:02:59Sparse Sinkhorn AttentionA new efficient and sparse method for learning to attend based on differentiable sorting of internal representations.natural-language-processing
1224252020-04-09 01:41:48BacktesterA backtesting framework for timeseries data.other
1234272020-04-09 18:57:01An Overview of Early Vision in InceptionV1A guided tour of the first five layers of InceptionV1, taxonomized into “neuron groups.”computer-vision
1244282020-04-10 04:57:53AiLight: Automatic Highlighting Using BERTAutomatically highlight pdfs using BERT embeddings and clustering. https://anishthite.github.io/ailightnatural-language-processing
1254302020-04-10 15:28:43Controlling Text Generation with Plug and Play Language ModelsThis article discusses an alternative approach to controlled text generation, titled the Plug and Play Language Model (PPLM).natural-language-processing
1264312020-04-10 15:35:00Genomic ULMFiTULMFiT for Genomic Sequence Datanatural-language-processing
1274322020-04-10 15:39:29Self-Supervised Learning and Computer VisionSo, what do you do if there are no pre-trained models in your domain? computer-vision
1284342020-04-10 15:51:52scispaCyA full spaCy pipeline and models for scientific/biomedical documents.natural-language-processing
1294392020-04-10 17:33:38Universal Adversarial Triggers for Attacking and Analyzing NLPWe create short phrases that cause a specific model prediction when concatenated to 𝘢𝘯𝘺 input from a dataset. natural-language-processing
1304402020-04-10 17:39:19lazynlpLibrary to scrape and clean web pages to create massive datasets.natural-language-processing
1314432020-04-10 17:51:39AllenNLP InterpretA Framework for Explaining Predictions of NLP Modelsnatural-language-processing
1324452020-04-10 18:00:50Natural Language Processing With spaCy in PythonA comprehensive guide to NLP with spaCy.natural-language-processing
1334462020-04-10 18:45:15Tips for Successfully Training Transformers on Small DatasetsIt turns out that you can easily train transformers on small datasets when you use tricks (and have the patience to train a very long time).natural-language-processing
1344482020-04-10 19:14:59🦄 How to build a SOTA Conversational AI with Transfer LearningTrain a dialog agent leveraging transfer Learning from an OpenAI GPT and GPT-2 Transformer language model.natural-language-processing
1354522020-04-10 20:18:20CS224n: Natural Language Processing with Deep LearningIn this course, students will gain a thorough introduction to cutting-edge research in Deep Learning for NLP.natural-language-processing
1364532020-04-10 20:23:21CS231n: Convolutional Neural Networks for Visual RecognitionDeep dive into details of the deep learning architectures with a focus on learning end-to-end models for these tasks, particularly image classification.computer-vision
1374552020-04-10 20:31:09Illustrated: Self-AttentionStep-by-step guide to self-attention with illustrations and code.natural-language-processing
1384592020-04-10 21:05:32Beyond the Pixel Plane: Sensing and Learning in 3dRecent deep learning techniques that enable 3D object classification and semantic segmentation.computer-vision
1394622020-04-11 16:52:35A Visual Guide to Self-Labelling ImagesA self-supervised method to generate labels via simultaneous clustering and representation learningcomputer-vision
1404652020-04-13 02:18:513D Photography using Context-aware Layered Depth InpaintingA multi-layer representation for novel view synthesis that contains hallucinated color and depth structures in regions occluded in the original view. computer-vision
1414662020-04-13 18:48:40Tokenizers: How Machines ReadA survey of different tokenization strategies in NLP.natural-language-processing
1424672020-04-13 19:43:35Practical Text Classification With Python and KerasYou will get a grasp of current advancements of (deep) neural networks and how they can be applied to text.natural-language-processing
1434682020-04-13 19:45:46Text Classification With TorchtextThis example shows how to train a supervised learning algorithm for classification using one of these TextClassification datasets.natural-language-processing
1444692020-04-13 21:17:44Understanding Text With BertBuilding a machine reading comprehension system using the latest advances in deep learning for NLP.natural-language-processing
1454702020-04-13 21:38:20Transfer Learning with T5: the Text-To-Text Transfer TransformerIn the paper, we demonstrate how to achieve state-of-the-art results on multiple NLP tasks using a text-to-text transformer pre-trained on a large text corpus.natural-language-processing
1464712020-04-13 21:48:48Building a COVID-19 Project Recommendation SystemHow to create a GitHub open source repo recommendation system web app with MLflow, Sagemaker, and Booklet.ai.natural-language-processing
1474732020-04-13 22:33:21Neural Machine Translation With AttentionThis notebook trains a sequence to sequence (seq2seq) model for Spanish to English translation. natural-language-processing
1484742020-04-13 22:48:49PyTorch Tutorial for Deep Learning ResearchersThis repository provides tutorial code for deep learning researchers to learn PyTorch. computer-vision
1494762020-04-14 00:40:10Show and Tell: A Neural Image Caption GeneratorA TensorFlow implementation of the image-to-text model.computer-vision
1504772020-04-14 01:46:32SimpleGANA Tensorflow-based framework to ease the training of generative modelscomputer-vision
1514782020-04-14 02:41:43Semantic Segmentation on MIT ADE20K dataset in PyTorchPytorch implementation for Semantic Segmentation/Scene Parsing on MIT ADE20K dataset.computer-vision
1524802020-04-14 03:46:09ViLBERT-MT: Multi-Task Vision & Language Representation LearningA single ViLBERT Multi-Task model can perform 8 different vision and language tasks learnt from 12 datasets!computer-vision
1534812020-04-14 03:50:18Training an Image Classifier in PyTorchTorchvision, that has data loaders for common datasets such as Imagenet, CIFAR10, MNIST, etc. and data transformers for images, vizualization and data loaders.computer-vision
1544822020-04-14 17:28:37A Visual Exploration of DeepClusterDeepCluster is a self-supervised method to combine clustering and representation learningcomputer-vision
1554862020-04-14 20:12:43A 2019 guide to Human Pose Estimation with Deep LearningThe basics of Human Pose Estimation (2D) and review the literature on this topic.computer-vision
1564892020-04-14 22:22:40Deep Learning Based Super Resolution, Without Using a GANTechniques and training a deep learning model for image improvement, image restoration, inpainting and super resolution.computer-vision
1574902020-04-14 22:35:21U-Net Deep Learning Colorization of Greyscale ImagesThis article describes experiments training a neural network to generate 3 channel colour images from single channel greyscale images using deep learning.computer-vision
1584912020-04-14 22:38:54Deep Learning for Image Super-resolution: A SurveyThis article aims to provide a comprehensive survey on recent advances of image super-resolution using deep learning approaches.computer-vision
1594922020-04-14 22:41:52Second-order Attention Network for Single Image Super-resolutionWe propose a second-order attention network (SAN) for more powerful feature expression and feature correlation learning.computer-vision
1604932020-04-14 22:52:49DeepSORT: Deep Learning to Track Custom Objects in a VideoA look at deep learning based approached for object tracking.computer-vision
1614942020-04-14 22:59:56Fast Online Object Tracking and Segmentation: A Unifying ApproachWe illustrate how to perform both realtime object tracking and semi-supervised video object segmentation using a fully-convolutional Siamese approach.computer-vision
1624952020-04-14 23:10:48Neural Style TransferThis tutorial uses deep learning to compose one image in the style of another image (ever wish you could paint like Picasso or Van Gogh?).computer-vision
1634992020-04-14 23:34:32Deep Learning for Videos: A 2018 Guide to Action RecognitionIn this post, I summarize the literature on action recognition from videos. computer-vision
1645012020-04-15 15:20:56Shakespeare Meets Google's FlaxApplication of RNNs in Flax: Character-Level Language Model.natural-language-processing
1655052020-04-15 15:59:30Anomaly detection with Keras, TensorFlow, and Deep LearningPerform anomaly detection in your own image datasets using deep learning.computer-vision
1665072020-04-15 16:12:41Almost Everything You Need to Know About Time SeriesUnderstand moving average, exponential smoothing, stationarity, autocorrelation, SARIMA, and more.other
1675082020-04-15 16:29:08STEFANN: Scene Text Editor using Font Adaptive Neural NetworkA generalized method for realistic modification of textual content present in a scene image. ⭐️ Accepted in CVPR 2020.computer-vision
1685092020-04-15 16:34:04Time Series Prediction with LSTM Using PyTorchTime series applied to forecasting on the Airplane Passengers Dataset.other
1695132020-04-15 17:05:36lda2vec: Tools for interpreting natural languageThe lda2vec model tries to mix the best parts of word2vec and LDA into a single framework.natural-language-processing
1705162020-04-15 17:21:53Deep Learning for Object Detection: A Comprehensive ReviewA closer look at Tensorflows object detection models: Faster R-CNN, R-FCN, and SSD.computer-vision
1715172020-04-15 17:31:22An Intuitive Guide to Deep Network ArchitecturesIntuition behind base network architectures like MobileNets, Inception, and ResNet.computer-vision
1725292020-04-15 19:39:24Real-Time Voice CloningClone a voice in 5 seconds to generate arbitrary speech in real-time. Code for Transfer Learning from Speaker Verification to Multispeaker Text-To-Speech.natural-language-processing
1735492020-04-16 03:48:3515 Best Tools for Tracking Machine Learning ExperimentsA feature comparison of all the open-source and commercial options for experiment tracking.mlops
1745502020-04-16 08:14:50Cycle GAN in TensorFlow 2.0 with Custom LoopsImplementation of "Unpaired Image-to-Image Translation using Cycle-Consistent Adversarial Networks" by Jun-Yan Zhu et al. computer-vision
1755522020-04-16 10:13:12Holopix50k: A Large-Scale In-the-wild Stereo Image DatasetThe largest dataset of in-the-wild stereo image pairs (50K) crowd-sourced from the Holopix lightfield image-sharing social network.computer-vision
1765582020-04-16 15:49:29PyTorch Notebooks🔥A collection of PyTorch notebooks for learning and practicing deep learningnatural-language-processing
1775642020-04-17 13:16:09Optimize your ML modelsLearn to use optimize your custom image classification models (built-in tf.keras) using TensorFlow Lite and gain 10x reduction in model's size. computer-vision
1785662020-04-17 21:57:35Machine learning deserves its own flavor of Continuous DeliveryWhen traveling in the data science world, I'm homesick for a smooth continuous delivery flow. My thoughts on approachable CD4ML.mlops
1795742020-04-20 00:23:44The Abstraction and Reasoning Corpus (ARC)Can a computer learn complex, abstract tasks from just a few examples? ARC can be used to measure a human-like form of general fluid intelligence.natural-language-processing
1805802020-04-20 00:57:03GitHub Actions & Machine Learning Workflows with Hamel Husain In this talk, Hamel will provide a brief tutorial on GitHub Actions, and will show you how you can use this new tool to automate your ML workflows.mlops
1815812020-04-20 01:01:38How To Create Semantic Search For Arbitrary ObjectsAn end-to-end example of how to build a system that can search objects semantically. By Hamel Husain & Ho-Hsiang Wunatural-language-processing
1825982020-04-22 16:33:59The Future of (Transfer Learning in) Natural Language ProcessingTransfer Learning in Natural Language Processing (NLP): Open questions, current trends, limits, and future directions.natural-language-processing
1835992020-04-22 16:43:13MONAIAI Toolkit for Healthcare Imaging.computer-vision
1846012020-04-22 17:41:06How I Used Deep Learning To Train A Chatbot To Talk Like MeFacebook chatbot that I trained to talk like me using Seq2Seq.natural-language-processing
1856022020-04-23 00:36:02DialoGPT: Toward Human-Quality Conversational Response GenerationLarge-scale pre-training for dialogue.natural-language-processing
1866052020-04-23 03:59:57Upside Down Reinforcement LearningImplementation of UDRL as outlined by Juergen Schmidhuber in https://arxiv.org/abs/1912.02875other
1876082020-04-23 12:52:02PyImageSearchAn online platform of blogs on Computer Vision and Deep Learning.computer-vision
1886192020-04-23 16:55:27Implementing Portrait Bokeh Mode using OpenCV and NumPy (Python)Do you love the portrait mode in your smartphone? This code will help you do the same using OpenCV and NumPy! Detects the faces, asks if you want to blur them!computer-vision
1896212020-04-23 18:17:12MixNMatchMultifactor Disentanglement and Encoding for Conditional Image Generationcomputer-vision
1906222020-04-23 21:40:09MT-Clinical BERTScaling Clinical Information Extraction with Multitask Learningnatural-language-processing
1916232020-04-24 00:30:02medaCy🏥 Medical Text Mining and Information Extraction with spaCynatural-language-processing
1926322020-04-24 11:37:13Lagrangian Neural NetworksTrying to learn a simulation? Try Lagrangian Neural Networks, which explicitly conserve energy and may generalize better!other
1936392020-04-24 20:51:18ML Foundations and Methods for Precision Medicine and HealthcareThis tutorial will discuss ideas from machine learning that enable personalization (useful for applications in education, retail, medicine and recsys).other
1946432020-04-26 04:34:02Albert-base for SanskritTrained Albert-base from scratch on Sanskrit corpus of Wikipedia. I have also added a link to how to train your own Language model from scratch.natural-language-processing
1956442020-04-26 05:42:37Adversarial Latent AutoencodersIntroducing the Adversarial Latent Autoencoder (ALAE), a general architecture that can leverage recent improvements on GAN training procedures.computer-vision
1966522020-04-28 15:14:00Optimal Transport and the Sinkhorn TransformerUnderstand optimal transport and the Sinkhorn-Knopp algorithm before diving into the Sinkhorn Transformer.natural-language-processing
1976532020-04-28 16:20:29Semantic Graphs for Generating Deep QuestionsDeep Question Generation (DQG), which aims to generate complex questions that require reasoning over multiple pieces of information of the input passage. natural-language-processing
1986582020-04-28 21:34:00Gutenberg DialogBuild a dialog dataset from online books in many languages.natural-language-processing
1996612020-04-29 02:41:24Better NLP projectThis is a wrapper program/library that encapsulates a couple of NLP libraries that are popular among the AI and ML communities.natural-language-processing
2006632020-04-29 04:42:16Recipes for building an open-domain chatbotPython framework for sharing, training and testing dialogue models, from open-domain chitchat to VQA (Visual Question Answering).natural-language-processing
2016652020-04-29 10:46:20Object-detection with multi-template matchingThis python package allows to perform object detection using one or a few template images, it provides a simpler alternative to deep-learning methodscomputer-vision
2026672020-04-29 18:34:28No Trump Social Chrome PluginAn AI-driven Browser Extension to Replace Trump Pics with Puppies!computer-vision
2036702020-04-29 19:35:22Attribute2Font: Creating Fonts You Want From AttributesOfficial PyTorch implementation of the Attribute2Font: Creating Fonts You Want From Attributes.natural-language-processing
2046742020-04-30 17:52:55YOLOv4: Optimal Speed and Accuracy of Object DetectionA minimal implementation of YOLOv4.computer-vision
2056792020-05-01 16:17:32Geometric and Relational Deep LearningVideos from emerging fields of Graph Representation Learning and Geometric Deep Learning.other
2066832020-05-01 16:35:06TAPAS: Weakly Supervised Table Parsing via Pre-trainingUsing neural networks to find answers in tables.natural-language-processing
2076862020-05-01 16:59:48Jukebox: A Generative Model for MusicWere introducing Jukebox, a neural net that generates music, including rudimentary singing, as raw audio in a variety of genres and artist styles. natural-language-processing
2086872020-05-01 17:17:48Exploratory Data Analysis of Time SeriesExploratory Data Analysis of Time Series data in Python. It uses lot of the principles and concepts discussed in Prof. Hyndman's book. The focus is on understa other
2096882020-05-01 17:47:40Gotchas of Transfer Learning for Image ClassificationDiscover the things you should care about while doing transfer learning for image classification. computer-vision
2106932020-05-02 05:05:44SciTLDR: Extreme Summarization of Scientific DocumentsA new automatic summarization task with high source compression requiring expert background knowledge and complex language understanding.natural-language-processing
2116942020-05-02 15:29:06BLINK: Better entity LINKingEntity Linking python library that uses Wikipedia as the target knowledge base.natural-language-processing
2126952020-05-02 21:33:31Five Cool Python Libraries for Data SciencePython is a best friend for the majority of the Data Scientists. Libraries make their life simpler. I have come across five cool Python libraries while working natural-language-processing
2137002020-05-03 13:49:29Fastai2 Vision ModuleA detailed guide to using fastai2 Datablock API for common computer vision taskscomputer-vision
2147022020-05-03 20:19:10Unsupervised Question Decomposition for Question AnsweringDecompose hard (multi-hop) questions into several, easier (single-hop) questions using unsupervised learning, and get better accuracy on multi-hop QA.natural-language-processing
2157042020-05-04 11:58:27Training Batch Norm and Only Batch NormExperiments with the ideas presented in https://arxiv.org/abs/2003.00152 by Frankle et al. computer-vision
2167072020-05-05 03:36:50The Big Bad NLP DatabaseA collection of 400+ NLP datasets with papers included.natural-language-processing
2177082020-05-05 03:51:53POINTER: Constrained Text GenerationConstrained Text Generation via Insertion-based Generative Pre-trainingnatural-language-processing
2187122020-05-05 05:55:46Covid-19: A-Geo-Statistical-AnalysisAnalysis with the time series data available for various countries.other
2197132020-05-05 07:13:49Cognito : Data wrangling toolkitCognito is an exclusive python data preprocessing library and command-line utility that helps any developer to transform raw data into a machine-learning formatother
2207172020-05-05 14:46:57Synthesizer: Rethinking Self-Attention in Transformer ModelsThe dot product self-attention is known to be central and indispensable to state-of-the-art Transformer models. But is it really required?natural-language-processing
2217262020-05-06 01:10:55ConvNets-TensorFlow2Implementing a variety of popular and important CNN architecturescomputer-vision
2227322020-05-06 04:20:43StellarGraph - Machine Learning on GraphsState-of-the-art algorithms for graph machine learning, making it easy to discover patterns and answer questions about graph-structured data.other
2237332020-05-06 04:30:47LandCover.aiDataset for automatic mapping of buildings, woodlands and water from aerial imagery.computer-vision
2247342020-05-06 04:33:15Generating SOAP Notes from Doctor-Patient ConversationsEvaluate complete pipelines for leveraging these transcripts to train machine learning model to generate these notes.natural-language-processing
2257412020-05-07 01:15:12Zero-shot Neural Retrieval via Domain-targeted Synthetic QueriesZero-shot learning for ad-hoc retrieval models that relies on synthetic query generation.natural-language-processing
2267782020-05-07 21:28:34Harry Potter and the Deep Learning ExperimentRNN built with TensorFlow to generate text based on Harry Potter's books.natural-language-processing
2277832020-05-08 14:44:04NeuralCook — Image2Ingredients and Cooking RecommendationDeep learning application to identify ingredients from cooking dishes images and recommend dishes to cook, given a set of ingredients.natural-language-processing
2287882020-05-09 04:12:10NER model for 40 languages trained with the new TFTrainerThis model is a fine-tuned XLM-Roberta-base over the 40 languages proposed in XTREME from Wikiann. natural-language-processing
2297912020-05-09 14:30:08Pose AnimatorTakes a 2D vector illustration and animates its containing curves in real-time based on the recognition result from PoseNet and FaceMesh.computer-vision
2307922020-05-09 16:59:54A Commit History of BERT and its ForksWhat a commit history of version-controlled research papers could look like?natural-language-processing
2317952020-05-10 04:51:17U^2-NetThe code for our newly accepted paper in Pattern Recognition 2020: "U^2-Net: Going Deeper with Nested U-Structure for Salient Object Detection."computer-vision
2327962020-05-10 05:08:27Age and Gender Estimation using Multi-Task CNNUsed a multi task CNN to predict the age group and gender of the person in the image.computer-vision
2337972020-05-10 15:31:27Data augmentation recipes in tf.keras image-based modelsLearn about different ways of doing data augmentation when training an image classifier in tf.keras.computer-vision
2347992020-05-11 00:40:49Injecting Inductive Bias in Graph Neural Networks (MIT talk)Equivariant Mesh Neural Networks and Neural Augmented (Factor) Graph Neural Networks.other
2358002020-05-11 00:44:10Feature Stores for MLList of production ML groups and their open-source feature store architectures.mlops
2368032020-05-11 02:13:32Image Semantic Segmentation of UAV mining area based on Deeplabv3Data: UAV mining area image Tools: PyTorch Frame: Deeplabv3 Semantic Segmentation computer-vision
2378202020-05-11 14:19:18A Comprehensive Survey on Graph Neural NetworksA Comprehensive Survey on Graph Neural Networks.other
2388212020-05-11 15:03:57Hidden Technical Debt in Machine Learning SystemsUsing the software engineering framework of technical debt, we find it is common to incur massive ongoing maintenance costs in real-world ML systems. mlops
2398222020-05-11 15:10:09In-Domain GAN Inversion for Real Image EditingWe propose an in-domain GAN inversion method, which faithfully reconstructs the input image but also ensures the inverted code to be semantically meaningful.computer-vision
2408252020-05-11 23:07:39Neural Networks for NLP (CMU CS 11-747)This class will start with a brief overview of neural networks, then spend the majority of the class demonstrating how to apply neural networks to language.natural-language-processing
2418262020-05-12 03:02:02DANet PyTorchA Pytorch implementation of Dual Attention Network for Scene Segmentationcomputer-vision
2428282020-05-12 05:04:58BART version of closed-book QAThis is a BART version of sequence-to-sequence model for open-domain QA in a closed-book setup, based on PyTorch and Huggingface's Transformers.natural-language-processing
2438292020-05-12 05:07:35Unsupervised Reinforcement LearningLecture on unsupervised reinforcement learning by Sergey Levine. Originally prepared for AAMAS 2020.other
2448312020-05-13 02:24:24CCNet_PyTorchA PyTorch Implementation of CCNet: Criss-Cross Attention for Semantic Segmentationcomputer-vision
2458322020-05-13 04:22:09Image segmentation in 2020Architectures, Losses, Datasets, and Frameworkscomputer-vision
2468332020-05-13 04:27:08Plan2Explore: Plan to Explore via Self-Supervised World ModelsA self-supervised reinforcement learning agent that tackles task-specific and the sample efficiency challenges.other
2478352020-05-13 04:39:31Toward Better Storylines with Sentence-Level Language ModelsWe propose a sentence-level language model which selects the next sentence in a story from a finite set of fluent alternatives.natural-language-processing
2488362020-05-13 04:43:57Epipolar TransformersDifferentiable "epipolar transformer", which enables the 2D detector to leverage 3D-aware features to improve 2D pose estimation.computer-vision
2498402020-05-13 05:03:33Machine Learning on Graphs: A Model and Comprehensive TaxonomyWe propose a simple framework (GraphEDM) and a comprehensive Taxonomy to review and unify several graph representation learning methods.other
2508412020-05-13 05:10:58BLEURT: Learning Robust Metrics for Text GenerationA metric for Natural Language Generation based on transfer learning.natural-language-processing
2518422020-05-13 13:20:07Identifying Brain Tumor from MRI images using FastAI -DynamicUnetTo use FASTAI unet learner to identify tumours from MRI of Brain, logging loss metrics in Neptune AI logger and compare the results after hyperparameter tuning.computer-vision
2528472020-05-13 22:53:36HuggingTweetsTweet Generation with Huggingface.natural-language-processing
2538492020-05-13 22:59:38Top Down Introduction to BERT with HuggingFace and PyTorchI will also provide some intuition into how BERT works with a top down approach (applications to algorithm).natural-language-processing
2548502020-05-13 23:02:29Transformers from ScratchAttempt to explain directly how modern transformers work, and why, without some of the historical baggage.natural-language-processing
2558522020-05-14 07:11:26Scene Classification using Pytorch and Fast.aiThe objective is to classify Multi-label images using deep learning. Here I have used Fast.ai library for implementing the model. computer-vision
2568552020-05-14 12:32:20Fake new detection PytorchFake News Detection by Learning Convolution Filters through Contextualized Attention.natural-language-processing
2578572020-05-14 14:25:11FastHugs: Sequence Classification with Transformers and FastaiFine-tune a text classification model with HuggingFace 🤗 transformers and fastai-v2.natural-language-processing
2588582020-05-14 14:35:37Open-Dialog Chatbots for Learning New LanguagesA tutorial for automatically generate code comments using Deep Learning.natural-language-processing
2598602020-05-14 17:35:04ElectraELECTRA: Pre-training Text Encoders as Discriminators Rather Than Generatorsnatural-language-processing
2608622020-05-14 19:13:59DQN In Pytorch Livestream SeriesI'm doing a series of streams about reinforcement learning (starting from Q learning) focused on showing the work in as much detail as possible (e.g. debugging)other
2618632020-05-15 04:24:58S2IGAN: Speech-to-Image Generation via Adversarial LearningA speech-to-image generation (S2IG) framework is proposed which translates speech descriptions to photo-realistic images without using any text information.computer-vision
2628642020-05-15 13:04:19Twitter Sentiment AnalysisThis project is based on Natural Language processing (NLP), in this we do sentiment analysis(i.e, how much it is positive or negative) of tweets of any account.natural-language-processing
2638662020-05-15 13:51:56HuggingFace nlp librarynlp is a lightweight and extensible library to easily share and load dataset and evaluation metrics, already providing access to ~100 datasets and ~10 evaluationatural-language-processing
2648682020-05-15 14:07:47RXNMapper: Unsupervised Attention-Guided Atom-MappingThe atom-mapping information was learned by an ALBERT model trained in an unsupervised fashion on a large dataset of chemical reactions.natural-language-processing
2658692020-05-15 14:08:12ICLR 2020 Trends: Better & Faster Transformers for NLPA summary of promising directions from ICLR 2020 for better and faster pretrained tranformers language models. natural-language-processing
2668752020-05-15 22:53:58Differentiable Reasoning over TextWe consider the task of answering complex multi-hop questions using a corpus as a virtual knowledge base (KB).natural-language-processing
2678772020-05-16 02:42:32Semi-supervised image classification with GANsShows how to perform semi-supervised image classification with GANs. The cover image is from Chapter 7, GANs in Action.computer-vision
2688792020-05-16 10:57:53HighRes-net: Multi-Frame Super-Resolution of satellite imageryPytorch implementation of HighRes-net, a neural network for multi-frame super-resolution, trained and tested on the European Space Agencys Kelvin competition.computer-vision
2698802020-05-16 11:50:31How Deep Is Your Love For Transfer Learning In NLP?A review of NLP researchnatural-language-processing
2708812020-05-16 13:32:51Time Series Forecasting with TensorFlow.jsMachine learning is becoming increasingly popular these days and a growing number of the worlds population see it is as a magic crystal ball: predicting when aother
2718822020-05-16 13:35:31Phrases extraction and D3 Wordcloud100% JavaScript solution to extracting phrases from text and display key points in a beautiful D3 wordcloud.natural-language-processing
2728832020-05-16 13:37:44Reinforcement Learning Tic Tac Toe with Value FunctionA reinforcement learning algorithm for agents to learn the tic-tac-toe, using the value function other
2738842020-05-16 13:40:07Build a Textual Similarity Web App with TensorFlow.jsHave you wondered how search engines understand your queries and retrieve relevant results? How chatbots extract your intent from your questions and provide thenatural-language-processing
2748902020-05-16 19:51:33cyBERT: Applying BERT to Windows event logsThis blog shows how interpreting cybersecurity logs as a natural language, improving upon the standard regex-based parsing of log data.natural-language-processing
2758922020-05-17 02:08:12DPOD: Pose EstimatorPyTorch recreation of a SOTA 6D Pose estimation research paper. computer-vision
2768932020-05-17 04:44:04ESTorchESTorch is an Evolution Strategy Library build around PyTorch.other
2778942020-05-17 04:47:40A Large-Scale, Open-Domain, Mixed-Interface Dialogue-Based ITS Korbit, a large-scale, open-domain, mixed-interface, dialogue-based intelligent tutoring system (ITS).natural-language-processing
2789002020-05-17 08:14:24A Visual Survey of Data Augmentation in NLPAn extensive overview of text data augmentation techniques for Natural Language Processingnatural-language-processing
2799012020-05-17 09:57:38DoYouEvenLearnEssential Guide to keep up with AI/ML/DL/CVcomputer-vision
2809022020-05-18 00:57:27Differentiable Adaptive Computation Time for Visual Reasoning DACT, a new algorithm for achieving adaptive computation time that, unlike existing approaches, is fully differentiable. natural-language-processing
2819032020-05-18 11:15:12Semixup: In- and Out-of-Manifold RegularizationSemixup is a semi-supervised learning method based on in/out-of-manifold regularization.computer-vision
2829052020-05-18 14:40:51Deep Reinforcement Learning for Supply Chain & Price OptimizationExplore how deep reinforcement learning methods can be applied in several basic supply chain and price management scenarios.other
2839072020-05-18 14:53:33TextAttackA Python framework for building adversarial attacks on NLP models.natural-language-processing
2849132020-05-19 03:19:59aitextgenA robust Python tool for text-based AI training and generation using GPT-2.natural-language-processing
2859142020-05-19 03:25:11How Hugging Face achieved a 2x performance boost for QAQuestion Answering with DistilBERT in Node.jsnatural-language-processing
2869182020-05-19 22:36:09Accelerate your NLP pipelines using Hugging Face and ONNXHow the ONNX Runtime team and Hugging Face are working together to address challenges in training and deployment of Transformer models.natural-language-processing
2879202020-05-20 02:35:11AttentronFew-shot text-to-speech exploiting attention-based variable length embeddingnatural-language-processing
2889212020-05-20 02:39:09Torch Points3DPytorch framework for doing deep learning on point clouds.computer-vision
2899222020-05-20 07:23:50NLP Model Selection NLP model selection guide to make it easier to select models. This is prescriptive in nature and has to be used with caution.natural-language-processing
2909252020-05-20 16:20:28Model-Agnostic Meta-Learning for Reinforcement Learning with TF2Reimplementation of Model-Agnostic Meta-Learning (MAML) applied on Reinforcement Learning problems in TensorFlow 2.other
2919272020-05-21 03:16:17FashionBERTText and image matching with adaptive loss for cross-modal retrieval.natural-language-processing
2929342020-05-21 03:45:38📈 Automated Time Series ForecastingThis data app uses Facebook's open-source Prophet library to automatically forecast values into the future. other
2939352020-05-21 14:22:01Look inside the workings of "Label Smoothing"This blog post describes how and why does "trick" of label smoothing improves the model accuracy and when should we use it computer-vision
2949382020-05-22 01:01:32Content and Style Disentanglement for Artistic Style TransferHi-Res style transfer and interpolation between stylescomputer-vision
2959392020-05-22 03:08:40Time Series Classification Using Deep LearningIn this article, I will introduce you to a new package called timeseries for fastai2 that I lately developed. other
2969402020-05-22 03:16:29TAO: A Large-Scale Benchmark for Tracking Any ObjectA diverse dataset for Tracking Any Object (TAO) consisting of 2,907 high resolution videos, captured in diverse environments, which are half a minute long on computer-vision
2979412020-05-22 03:21:10BiT: Exploring Large-Scale Pre-training for ComputeWe are excited to share the best BiT models pre-trained on public datasets, along with code in TF2, Jax, and PyTorch. computer-vision
2989472020-05-22 13:34:30Self Driving CarThis project is a demonstration of a working model of self driving car 🚗🚗 identifying and following lanes using powerful computer vision 🕶🕶 algorithms.computer-vision
2999482020-05-22 13:39:15Plant Disease DetectionThis website help you to detect disease in your plant🌳 based to the plant's leaf🍃 imagecomputer-vision
3009512020-05-23 03:19:00YoloV3 implementation in keras and tensorflow 2.2YoloV3 Real Time Object Detector in tensorflow 2.2.computer-vision
3019522020-05-23 03:22:11Face Mask DetectorA simple Streamlit frontend for face mask detection in images using a pre-trained Keras CNN model + OpenCV and model interpretability.computer-vision
3029572020-05-23 09:18:52Colbert AIColbert AI is a Deep Learning Language Model that generates text in the style of Stephen Colbert's famous monologues.natural-language-processing
3039612020-05-23 16:01:21How to Build Robust Embeddings for Visual Similarity TasksThis repository I package a bunch of tips and tricks to efficiently train deep learning models in computer visioncomputer-vision
3049622020-05-24 00:09:28Basic ML Algorithms from scratch.Implement basic Machine Learning Algorithms from scratch in python.natural-language-processing
3059632020-05-24 03:13:28Build your first data warehouse with Airflow on GCPWhat are the steps in building a data warehouse? What cloud technology should you use? How to use Airflow to orchestrate your pipeline?mlops
3069662020-05-24 10:24:03Building an Intelligent Twitter BotThe volume of information going through Twitter per day makes it one of the best platforms to get information on any subject of interest. natural-language-processing
3079682020-05-24 16:40:46Self Supervised Representation Learning in NLPAn overview of self-supervised pretext tasks in Natural Language Processingnatural-language-processing
3089702020-05-24 20:01:29Job ClassificationJob Classification done using Techniques of NLP and ML. Dataset used from Kaggle of Indeeed job posting.natural-language-processing
3099722020-05-25 03:23:16Next Word PredictionUsing transformers to predict next word and predict <mask> word.natural-language-processing
3109742020-05-25 03:28:32PixelLibPixellib is a library for performing segmentation of images. computer-vision
3119782020-05-25 05:53:46TensorFlow.js - Gesture Controlled 2048Gesture Controlled 2048 built with TensorFlow.jscomputer-vision
3129792020-05-25 11:04:50Taxi Demand Prediction NewYorkCityPredict the number of pickups as accurately as possible for each region in a 10 -min interval.other
3139802020-05-25 14:52:17Super-BPD for Fast Image SegmentationWe propose direction-based super-BPD, an alternative to superpixel, for fast generic image segmentation, achieving state-of-the-art real-time result.computer-vision
3149862020-05-26 03:47:15Neural Topological SLAM for Visual NavigationTopological representations for space that effectively leverage semantics and afford approximate geometric reasoning.computer-vision
3159872020-05-26 13:16:48Zero To One For NLPA collection of all resources for learning NLPnatural-language-processing
3169892020-05-26 17:17:14NLP for Developers: Shrinking Transformers | RasaIn this video, Rasa Senior Developer Advocate Rachael will talk about different approaches to make transformer models smaller.natural-language-processing
3179932020-05-27 05:26:33DETR: End-to-End Object Detection with TransformersA new method that views object detection as a direct set prediction problem. computer-vision
3189972020-05-28 03:20:06AutoSweep: Recovering 3D Editable Objects from a Single PhotoFully automatic framework for extracting editable 3D objects directly from a single photograph.computer-vision
31910002020-05-28 03:33:52CMU LTI Low Resource NLP Bootcamp 2020A low-resource natural language and speech processing bootcamp held by the Carnegie Mellon University Language Technologies Institute in May 2020.natural-language-processing
32010072020-05-28 21:30:37Humour.ai : Language Model that can crack JokesA Language model that can make you laugh. Humour.ai model tries to complete a sentence in a humourous way given some input words. natural-language-processing
32110082020-05-29 02:28:53face mask detection detects whether a person wearing a mask or notcomputer-vision
32210092020-05-29 02:47:06Train ALBERT for NLP with TensorFlow on Amazon SageMakerTo train BERT in 1 hour, we efficiently scaled out to 2,048 NVIDIA V100 GPUs by improving the underlying infrastructure, network, and ML framework. natural-language-processing
32310102020-05-29 02:51:39GPT-3: Language Models are Few-Shot LearnersWe show that scaling up language models greatly improves task-agnostic, few-shot performance, sometimes even reaching competitiveness with prior SOTA.natural-language-processing
32410132020-05-29 03:06:41Guided Uncertainty-Aware Policy OptimizationCombining learning and model-based strategies for sample-efficient policy learning.other
32510182020-05-29 08:09:04GOTURN-PyTorchPyTorch implementation of "Learning to Track at 100 FPS with Deep Regression Networks"computer-vision
32610202020-05-29 09:54:04Applying Modern Best Practices to AutoencodersThis project applies best modern practices found in other areas of image research to autoencoders. Comparing models from other areas of image research.computer-vision
32710212020-05-29 10:33:26Sentiment analysis Sentiment analysis by combining three dataset amazon,yelp, IMDb reviews to train our,model to classify if a comment is negative or positive denoted by 0 and 1.natural-language-processing
32810222020-05-29 13:27:20The designer - gpt2 bot that talks about UX DesignThis twitter profile spits out thoughts on design and development. Trained with hundreds of Books on UX design and Front end development, it has opinions.natural-language-processing
32910242020-05-29 14:15:30Sentiment Classification for UtaPass & KKBOX ReviewsText classification for reviews of UtaPass & KKBOX using different deep learning models.natural-language-processing
33010252020-05-29 14:18:59Forex PredictionUsing neural networks to predict movement of forex direction.natural-language-processing
33110262020-05-29 14:24:07Lyrics-Based Music Genre ClassifierClassify the genre (Rock, Pop, Hip-Hop, Not Available, Metal, Other, Country, Jazz, Electronic, R&B, Indie, Folk) of the song by its lyrics.natural-language-processing
33210282020-05-29 14:39:16ARBMLImplementation of many Arabic NLP and ML projects. Providing real time experience using many interfaces like web, command line and notebooks.natural-language-processing
33310352020-05-29 16:11:11Zero Shot Topic ClassificationBart with a classification head trained on MNLI.natural-language-processing
33410452020-05-30 01:35:24Illustrated Guide to Transformers: Step by Step ExplanationIn this post, well focus on the one paper that started it all, “Attention is all you need”.natural-language-processing
33510462020-05-30 01:39:25Illustrated Guide to TransformersA component by component breakdown analysis.natural-language-processing
33610552020-05-30 09:02:27Automatic-Face-Detection-Annotation-and-PreprocessingAutomatically detect , annotate , collect the coordinates , convert to csv and to tfrecordcomputer-vision
33710582020-05-30 09:43:39SmartFeed.aiNLP Based Article Recommendation System natural-language-processing
33810592020-05-30 10:50:55Wheat Detection 🌾This is a project for detecting and creating bounding box of wheat heads 🌾.computer-vision
33910682020-05-30 18:20:40Effects of News Sentiments on Stock PredictionsProject is based on the Natural Language Processing technique called Sentiment Analysis. Stock market and news related to it as the subject of analysis.natural-language-processing
34010692020-05-30 20:04:49NLP News CategoryThe objective of this repository is to create a NLP bot for when you give the robot the headline of the news and a short description it will return the genre.natural-language-processing
34110702020-05-30 20:06:48AI Debate MasterCreated and deployed a bot made to debate with a human on any given topic. Employed a Doc2Vec model using Gensim library in Pythonnatural-language-processing
34210752020-05-31 04:44:27Zero-Shot Learning for Text ClassificationA visual summary of “Train Once, Test Anywhere” paper for zero-shot text classificationnatural-language-processing
34310802020-05-31 05:23:23Dash DETR Detection AppA User Interface for DETR built with Dash. 100% Python.computer-vision
34410812020-05-31 05:28:53AI Basketball Analysis🏀 AI web app and API to analyze basketball shots and shooting pose. computer-vision
34510832020-05-31 08:20:06Reverse Image SearchHave you ever wondered how google image search works or How amazon can retrieve products similar to the image that we upload in the app/site? To achieve this tacomputer-vision
34610842020-05-31 08:22:45Beginners guide to Machine Learning Model DeploymentAre you a beginner in the field of machine learning and wondering how to bring your project to live. I'm was in the same situation when I started learning ML. Mmlops
34710932020-05-31 17:39:22MedicalZoo PyTorchA pytorch-based deep learning framework for multi-modal 2D/3D medical image segmentationcomputer-vision
34810942020-05-31 19:11:28Paraphrase Any Question with T5 (Text-To-Text Transformer)Given a question, generate paraphrased versions of the question with T5 transformer. Pretrained model and training script provided.natural-language-processing
34911002020-06-01 05:56:43Movie Recommendation SystemThis is a web app which recommends movies based on their plots found on IMDb.natural-language-processing
35011042020-06-01 10:02:09Convnet Galaxy Morphology ClassifierClassify galaxies from Hubble Tuning Fork using Convnet. computer-vision
35111072020-06-01 14:52:292nd Place Solution to Ship Identification Hackathon The problem statement was to identify the type of ship from photos taken from the survey boats. The hackathon was organized by Analytics Vidhya.computer-vision
35211102020-06-01 16:44:55Deep learning Architecture: AlexNetExplaining network architecture for AlexNetcomputer-vision
35311112020-06-01 18:13:26Movement Pruning: Adaptive Sparsity by Fine-TuningWe propose the use of movement pruning, a simple, deterministic first-order weight pruning method that is more adaptive to pretrained model fine-tuning.natural-language-processing
35411122020-06-01 18:57:31Document search engineNLP based search engine for single page pdf files.natural-language-processing
35511152020-06-01 21:07:53Softbot design with WANNSSoft robots are robots built from highly compliant materials, similar to those found in living organisms. This project explored CPPNs and WANNs to design themother
35611212020-06-02 05:07:17Motion2VecSemi-Supervised Representation Learning from Surgical Videoscomputer-vision
35711222020-06-02 05:10:18Machine Learning: Tests and ProductionBest practices for testing ML-based systems.mlops
35811302020-06-02 11:51:38Generate True or False questions from any contentAutomatically generate “True or False” questions like the ones you see in school textbooks using OpenAI GPT2, Sentence BERT, and Berkley parsernatural-language-processing
35911312020-06-02 13:41:32Sized Fill-in-the-blank or Multi Mask filling with RoBERTaSized fill-in-the-blank or conditional text filling is the idea of filling missing words of a sentence with the most probable choice of words.natural-language-processing
36011322020-06-02 14:56:10T5 for Sentiment Span ExtractionExploring how T5 works and applying it for sentiment span extraction.natural-language-processing
36111332020-06-02 14:58:58Getting Started with Time Series analysis using PandasAn introductory guide to get started with the Time Series datasets in Pythonother
36211352020-06-02 15:06:34Melanoma Detection with PytorchIn this video, I show you how you can build a deep learning model to detect melanoma with a very high accuracy.computer-vision
36311392020-06-02 19:53:37RoBERTa → Longformer: Build a "Long" Version of Pretrained ModelsThis notebook replicates the procedure descriped in the Longformer paper to train a Longformer model starting from the RoBERTa checkpoint. natural-language-processing
36411452020-06-03 01:51:14Learning Dexterity End-to-EndWe trained a human-like robot hand to manipulate physical objects with unprecedented dexterity.other
36511482020-06-03 02:28:20A Practical guide to building a conversational chatbotBuilding a Chatbot from scratch using Keras and NLTK library for a customer service companynatural-language-processing
36611512020-06-03 07:25:27Web Mining and Information theoryMining the Web and playing with Natural Language processing. Implementing Information retrieval System tasks. Going towards the NLP and Performing Machine Learning algorithms. Through these codes and problems, I have understood the information retrieval process of any search engine. These are very useful problems towards sentiment analysis.natural-language-processing
36711622020-06-03 22:05:30Deep Q-Network on Space Invaders. This is a PyTorch implementation of a Deep Q-Network agent trained to play the Atari 2600 game of Space Invaders.other
36811652020-06-04 03:53:43YOLOv4A TensorFlow 2.0 implementation of YOLOv4: Optimal Speed and Accuracy of Object Detection.computer-vision
36911662020-06-04 03:55:53Acme: A Research Framework for Reinforcement LearningA library of reinforcement learning components and agents.other
37011762020-06-04 09:10:07doc2vec Paragraph Embeddings for Text ClassificationText classification model which uses gensim's Doc2Vec for generating paragraph embeddings and scikit-learn Logistic Regression for classification. natural-language-processing
37111782020-06-04 12:19:52Machine Learning with FastaiThe fastai library is based on research into deep learning best practices undertaken at fast.ai, and includes support for Vision, Text, tabular and Collabcomputer-vision
37211802020-06-04 14:58:19The Transformer … “Explained”?An intuitive explanation of the Transformer by motivating it through the lens of CNNs, RNNs, etc.natural-language-processing
37311812020-06-04 16:28:24TensorflowTTS: Real-Time SOTA Speech Synthesis for Tensorflow 2.0TensorflowTTS provides real-time state-of-the-art speech synthesis architectures such as Tacotron2, Melgan, FastSpeech.natural-language-processing
37411852020-06-04 22:36:31PyTorch Transformers TutorialsA set of annotated Jupyter notebooks, that give user a template to fine-tune transformers model to downstream NLP tasks such as classification, NER etc. natural-language-processing
37511922020-06-05 04:28:52BERT SummarizationThis folder contains colab notebooks that guide you through the summarization by BERT and GPT-2 to play with your data.natural-language-processing
37611942020-06-05 04:35:14Divide Hugging Face Transformers Training Time By 2Reducing training time helps to iterate more in a fixed budget time and thus achieve better results.natural-language-processing
37711992020-06-05 15:39:56How NLP has evolved for Financial Sentiment AnalysisDo we still need humans to read boring financial statements?natural-language-processing
37812022020-06-05 17:51:33The NLP Pandect - All NLP resources in one placeThe NLP Pandect was created to help you find almost anything related to Natural Language Processing that is available online.natural-language-processing
37912032020-06-05 18:18:18Summary of 🤗 Transformers ModelsA high-level summary of the differences between each model in HuggingFace's Transformer library.natural-language-processing
38012042020-06-05 22:56:38Snaked: Classifying Snake Species using ImagesProof of concept that it is possible to identify snake species and whether poisonous from photographs (PyTorch code/model with Android app)computer-vision
38112112020-06-06 15:13:13Literate Lamp: Answering Question with Common SenseWe study the problem of answering questions that require common sense to be answered using Transformer-based models and the ConceptNet knowledge base.natural-language-processing
38212152020-06-06 19:00:39Pytorch Faster RCNNFine Tune Faster RCNN in pytorch for your task.computer-vision
38312222020-06-07 04:34:58Paragraph SummarizerUses the extractive way of summarizing the text by finding the score and ranking it.natural-language-processing
38412232020-06-07 04:39:32Leafy: Plant Leaf ClassifierThe sequential model trained on images from the leafsnap.comcomputer-vision
38512362020-06-07 21:03:31COVID-Q: A Dataset of 1,690 Questions about COVID-19This dataset consists of COVID-19 questions which have been annotated into a broad category (e.g. Transmission, Prevention) and a more specific class such that natural-language-processing
38612372020-06-08 03:43:45Keras notifications on Slack!Get slack notifications of your model's training progress when training with Keras (or tf.keras)computer-vision
38712392020-06-08 07:05:15Zero-shot Text Classification With Generative Language ModelsAn overview of a text generation approach to zero-shot text classification with GPT-2natural-language-processing
38812412020-06-08 08:25:01Funnel-Transformer: Filtering out Sequential RedundancyFunnel-Transformer is a self-attention model that gradually compresses the sequence of hidden states to a shorter one and hence reduces the computation cost.natural-language-processing
38912432020-06-08 08:39:34Timeseries Anomaly Detection using an AutoencoderDetect anomalies in a timeseries using an Autoencoder.other
39012462020-06-08 09:47:02Fairseq-tagginga Fairseq fork for sequence tagging/labeling tasks natural-language-processing
39112492020-06-08 16:59:01Know-Corona : Kaggle COVID-19 Open Research Dataset Challenge (CONLP/state-of-the-art language model (BERT) based Question & Answering pipeline to answer all task questions after analyzing articles abstract of COVID-19, SARS-natural-language-processing
39212512020-06-08 18:38:49Automatic Asset ClassificationThis project aims to automate the task of labelling images of flood defence assets as well as clustering images to find possibly better groupings.computer-vision
39312552020-06-09 01:50:33TransformerTTS🤖💬 Transformer TTS: Implementation of a non-autoregressive Transformer based neural network for text to speech.natural-language-processing
39412572020-06-09 01:58:48How Big Should My Language Model Be?Tool to explore language model training and optimize the compute costs.natural-language-processing
39512582020-06-09 02:04:49MSeg: A Composite Dataset for Multi-domain Semantic SegmentationA composite dataset that unifies semantic segmentation datasets from different domains.computer-vision
39612592020-06-09 02:11:15Network Fusion for Content Creation With Conditional InnsWe present a method to repurpose powerful, existing models for new tasks, even though they have never been designed for them.computer-vision
39712602020-06-09 02:14:59Advanced Deep Learning for Computer Vision (ADL4CV)The Visual Computing Group offers a variety of lectures and seminars on a regular basis, covering hot areas in computer graphics, vision, and machine learning.computer-vision
39812722020-06-10 05:13:41Linformer: Self-Attention with Linear ComplexityWe demonstrate that the self-attention mechanism can be approximated by a low-rank matrix.natural-language-processing
39912742020-06-10 05:21:00Getting Machine Learning to ProductionMachine learning is hard and there are a lot, a lot of moving pieces.mlops
40012752020-06-10 05:24:07Exploration Strategies in Deep Reinforcement LearningExploitation versus exploration is a critical topic in reinforcement learning. This post introduces several common approaches for better exploration in Deep RL.other
40112782020-06-10 12:50:41Automatically Generate Multiple Choice Questions (MCQs) Automatically Generate Multiple Choice Questions (MCQs) from any content with BERT Summarizer, Wordnet, and Conceptnetnatural-language-processing
40212872020-06-10 18:27:24BERT Loses Patience: Fast and Robust Inference with Early ExitPatience-based Early Exit, a inference method that can be used as a plug-and-play technique to simultaneously improve the efficiency of a pretrained LM.natural-language-processing
40312982020-06-11 04:18:27PEGASUS: a SOTA model for Abstractive Text SummarizationA State-of-the-Art Model for Abstractive Text Summarization.natural-language-processing
40413012020-06-11 04:29:24Big GANs Are Watching YouWe demonstrate that object saliency masks for GAN-produced images can be obtained automatically with BigBiGAN.computer-vision
40513092020-06-11 19:04:31Sentiment Analysis on News ArticleUsed Twitter API to extract news-related tweets. Did some preprocessing and then calculated the tweets' polarity.natural-language-processing
40613102020-06-11 20:30:38GPT-3 Language Model: A Technical OverviewTechnical details of the GPT-3 model, training, inference and what to expect next. natural-language-processing
40713122020-06-11 20:37:47OpenAI APIAPI for accessing new AI models developed by OpenAI.natural-language-processing
40813202020-06-12 04:17:08Implementation of a Contextual Chatbot in PyTorchSimple chatbot implementation with PyTorch.natural-language-processing
40913252020-06-12 11:06:34Author Identification using Doc2VecWeb app of an author identification model trained on PAN 2012 dataset and Kaggle's Spooky Authorship Datasetnatural-language-processing
41013292020-06-12 12:44:18Training game agents with supervised learningThis is a continuing research project trying find ways to learn complex tasks such as games without using Reinforcement Learning.other
41113712020-06-13 17:16:07Baymax - ChatBotBaymax Chatbot is a part of my summer training program @AdHoc Networks, Jaipur. A chatbot that allows user to signup and login to maintain their record. When cnatural-language-processing
41213722020-06-13 17:21:43How to Evaluate Longformer on TriviaQA using NLPWe will evaluate a pretrained LongformerForQuestionAnswering model on the validation dataset of TriviaQA.natural-language-processing
41313742020-06-13 17:28:13Extracting Structured Data from Templatic DocumentsAutomatically extract data from structured documents—invoices, receipts, etc.—with the potential to streamline many business workflows.computer-vision
41413922020-06-13 20:58:33StackOver Flow Data AnalysisAnalysing certain aspects of the stack overflow data and creating "Tag Predictor" which predicts tag based on the post posted. natural-language-processing
41513982020-06-14 05:51:06Super-resolution Variational Auto-EncodersVAE with RealNVP prior and Super-Resolution VAE in PyTorch.computer-vision
41613992020-06-14 05:57:16Video object groundingVideo object grounding using semantic roles in language description. computer-vision
41714182020-06-14 17:43:34Short Notes on Behavior Regularized Offline RLBlog Article on Behavior Regularized Offline Reinforcement Learning by Yifan Wu et al. (2019)other
41814232020-06-14 22:10:57Entity Embedding with LSTM for Time-SeriesDemonstration of using LSTM for forecasting with structured time-series data, containing categorical and numerical features.other
41914242020-06-15 02:27:55Why We Switched from Flask to FastAPI for Production MLThe most popular tool isnt always the best.mlops
42014252020-06-15 02:31:48Building a Captcha OCR in TF2.0A Kaggle notebook showcasing the use of an Endpoint layer for CTC loss function used for building a Captcha Reader in TensorFlow.computer-vision
42114272020-06-15 02:40:48101 Ways to Solve Search - Dair AI ft. Pratik BhavsarA comprehensive overview of explaining how NLP is used for search.natural-language-processing
42214382020-06-15 11:06:35Multimodal Meme ClassificationUNITER has given state of the art results in various image-text related problems. This project aims at finetuning UNITER to solve Hateful memes challengecomputer-vision
42314532020-06-16 01:32:49Interpretable Machine Learning for Computer VisionRecent progress we made on visualization, interpretation, and explanation methodologies for analyzing both the data and the models in computer vision.computer-vision
42414552020-06-16 02:32:53Predicting Unintentional Action in VideoWe introduce a dataset of in-the-wild videos of unintentional action, as well as a suite of tasks for recognizing, localizing, and anticipating its onset. computer-vision
42514572020-06-16 02:46:25Synthesizing High-Resolution Images with StyleGAN2Developed by NVIDIA Researchers, StyleGAN2 yields state-of-the-art results in data-driven unconditional generative image modeling.computer-vision
42614582020-06-16 02:51:13PIFuHD: High-Resolution 3D Human Digitization This repository contains a pytorch implementation of "Multi-Level Pixel-Aligned Implicit Function for High-Resolution 3D Human Digitization".computer-vision
42714602020-06-16 03:21:07Instance Shadow DetectionInstance shadow detection aims to find shadow instances paired with object instances.computer-vision
42814612020-06-16 03:24:02Detectron2FAIR's next-generation platform for object detection and segmentation.computer-vision
42914732020-06-16 22:37:58tslearnA machine learning toolkit dedicated to time-series data.other
43014752020-06-16 22:45:15PyTorch3DFAIR's library of reusable components for deep learning with 3D data.computer-vision
43114762020-06-16 22:48:45Course Review - Causal InferenceTypes of understanding that causal inference researchers value.other
43214782020-06-16 22:56:31Unsupervised Learning of Probably Symmetric Deformable 3D ObjectsA method to learn 3D deformable object categories from raw single-view images, without external supervision.computer-vision
43314802020-06-16 23:06:13A Guide to Natural Language Processing With AllenNLPbasics of using AllenNLPnatural-language-processing
43414822020-06-17 12:12:03Real Time Object Detection using CNN YOLOThis project is done on real time object detection using a deep learning object detection algorithm i.e., YOLO.computer-vision
43514832020-06-17 14:38:33Short Notes on Model-Based Offline Reinforcement Learning (MOReL)Blog article on Model-Based Offline Reinforcement Learning (MOReL) paper by Rahul Kidambi & Aravind Rajeswaran et al.other
43614912020-06-18 00:04:34Image GPT: Generative Pretraining from PixelsTransformers trained on pixel sequences can generate coherent image completions and samples.computer-vision
43714922020-06-18 00:06:53Q*BERTAgents that build knowledge graphs and explore textual worlds by asking questions.natural-language-processing
43814992020-06-18 13:41:39History of Language Models - Alec RadfordA quick history of language modelsnatural-language-processing
43915022020-06-18 19:45:49Generate Boolean (Yes/No) Questions From Any Content Question generation algorithm trained on the BoolQ dataset using T5 text-to-text transformer model.natural-language-processing
44015042020-06-19 06:19:25Fast Neural Style Transfer (feed-forward method) ⚡💻 + 🎨 = ❤️This repo contains a concise PyTorch implementation of the original feed-forward NST paper.computer-vision
44115052020-06-19 06:22:56Diverse Image Generation via Self-Conditioned GANsA simple but effective unsupervised method for generating realistic & diverse images using a class-conditional GAN model without using manually annotated class.computer-vision
44215062020-06-19 06:26:17Using GitHub Actions for MLOps & Data ScienceA collection of resources on how to facilitate Machine Learning Ops with GitHub.mlops
44315192020-06-20 05:40:46Image and Bounding Box Annotation SlicerThis easy-to-use library slices (also resizes) images and its bounding box annotations into tiles of specific sizes or any arbitrary number of equal parts. ✂️computer-vision
44415252020-06-20 16:21:38HuggingtweetsThis is a streamlit app built around the huggingtweets project. I fine-tune a pre-trained gpt2 model to tweet like a user given twitter handle. natural-language-processing
44515282020-06-20 22:06:48The Future of Computer Vision is Self-Supervised LearningTalk by Yann Lecun on the applications of self-supervised learning on computer vision during CVPR 2020.computer-vision
44615292020-06-20 22:11:14Using Selective Attention in Reinforcement Learning AgentsIn this work, we establish that self-attention can be viewed as a form of indirect encoding, which enables us to construct highly parameter-efficient agents.other
44715392020-06-21 12:45:42A Visual Guide to FastText Word EmbeddingsA deep-dive into how FastText enriches word vectors with sub-word information natural-language-processing
44815422020-06-21 20:46:12Autocoder - Finetuning GPT-2 for Auto Code CompletionA basic and simple tool for code auto completion, built upon GPT-2natural-language-processing
44915462020-06-22 00:46:32DeepSNAPPython library assists deep learning on graphs.other
45015472020-06-22 00:50:30RoBERTa meets TPUsUnderstanding and applying the RoBERTa model to the current challenge.natural-language-processing
45115492020-06-22 01:00:45Deep Model-Based RL for Real-World Robotic ControlShort talk about model-based RL by Sergey Levine.other
45215512020-06-22 03:17:48Pokemon ClassifierI want to build a classifier that can classify 150 types of Pokemon.computer-vision
45315522020-06-22 03:45:01Workshop on Scalability in Autonomous Driving - Andrej KarpathyAn overview of autonomous driving and computer vision at Tesla.computer-vision
45415602020-06-22 15:56:00Battle-Tested Techniques for Scoping Machine Learning ProjectsOne of the challenges of managing an ML project is project scoping. Even small changes in data or architecture can create huge differences in model outputs.mlops
45515632020-06-22 16:04:10Classify photos in 600 classes using nine million Open ImagesIf youre looking build an image classifier but need training data, look no further than Google Open Images.computer-vision
45615692020-06-22 16:52:01TrackableThe project deals with tracking humans in a narrow hallway under different lighting conditions.computer-vision
45715712020-06-23 02:04:12Stochastic Segmentation NetworksAn efficient probabilistic method for modelling aleatoric uncertainty with any image segmentation network architecture.computer-vision
45815752020-06-23 02:30:20Deep Learning for Computer Vision Special topics class on deep learning for computer vision from the University of Michigan taught by Justin Johnson.computer-vision
45915762020-06-23 02:37:15VPSNet for Video Panoptic SegmentationVideo panoptic segmentation by generating consistent panoptic segmentation as well as an association of instance ids across video frames.computer-vision
46015802020-06-24 03:00:16What I Learned From Looking at 200 Machine Learning ToolsTo better understand the landscape of available tools for machine learning production, I decided to look up every AI/ML tool I could find.mlops
46115812020-06-24 03:04:31Discovering Symbolic Models from Deep Learning w/ Inductive BiasA general approach to distill symbolic representations of a learned deep model by introducing strong inductive biases.other
46215852020-06-24 03:18:20Breaking the cycle—Colleagues are all you needA novel approach to performing image-to-image translation between unpaired domains.computer-vision
46315872020-06-24 03:25:25Deep Learning Based Text Classification: A Comprehensive ReviewAn overview of deep learning approaches to text classification.natural-language-processing
46415892020-06-24 03:33:09jiantA software toolkit for research on general-purpose text understanding models.natural-language-processing
46515922020-06-24 04:27:58Text ClassificationRe-implemented an article (link is given below) which was on Text classification with CNN, beside this I tried out some ML classification algorithm.natural-language-processing
46615952020-06-24 15:42:20multi-task-NLPA utility toolkit enabling NLP developers to easily train and infer a single model for multiple tasks.natural-language-processing
46715972020-06-25 00:17:39Maximizing Business Impact with Machine Learninghow to effectively leverage machine learning to build intelligent products as efficiently as possible.mlops
46815982020-06-25 00:29:18Automatic Data Augmentation for Generalization in Deep RLWe compare three approaches for automatically finding an appropriate augmentation combined with two novel regularization terms for the policy and value functionother
46915992020-06-25 00:42:36High-Fidelity Generative Image CompressionHow to combine Generative Adversarial Networks and learned compression to obtain a state-of-the-art generative lossy compression system.computer-vision
47016022020-06-25 04:03:38Unet Model for Image Segmentation With EfficientNet EncoderImplemented using tensorflow 2.2.0 with custom train and test step.computer-vision
47116032020-06-25 10:40:56A Million of ML Predictions at the Tip of Your FingersAnnouncement - SashiDo is breaking the barrier to Machine Learning by introducing a fully open-sourced Content Moderation Service.computer-vision
47216052020-06-26 02:19:39NetHack Learning Environment (NLE)A procedurally-generated grid-world dungeon-crawl game that strikes a great balance between complexity and speed for single-agent RL research.other
47316062020-06-26 02:24:53Paraphrase Generation Using T5 modelSimple application using T5 base model fine tuned in Quora Question Pairs to generate paraphrased questions.natural-language-processing
47416072020-06-26 02:28:15Message Passing Query EmbeddingMPQE is a model for answering complex queries over knowledge graphs, that learns embeddings of entities in the knowledge graph, & embeddings for variable types.other
47516082020-06-26 02:31:17Quantifying Attention Flow in TransformersI explain two simple but effective methods, called Attention Rollout and Attention Flownatural-language-processing
47616142020-06-27 04:15:51Natural Language Processing RoadmapRoadmap for learning NLP topics.natural-language-processing
47716152020-06-27 04:29:04Weight Poisoning Attacks on Pre-trained ModelsHow Bert can be infused with nefarious behavior, even after fine-tuning.natural-language-processing
47816162020-06-27 04:37:16Leveraging Temporal Context for Object DetectionObject detection architecture leveraging contextual clues across time for each camera deployment in a network, improving recognition of objectscomputer-vision
47916172020-06-27 04:42:47Expressive Power of Graph Neural NetworksGraph isomorphism problem, the Weisfeiler-Lehman heuristic for graph isomorphism testing, and how it can be used to analyse the expressive power of GNNs.other
48016202020-06-27 10:27:43rlx: A modular Deep RL library for research"rlx" is a Deep RL library written on top of PyTorch & built for educational and research purpose.other
48116222020-06-27 14:18:13Building AI Trading SystemsLessons learned building a profitable algorithmic trading system using Reinforcement Learning techniques.other
48216232020-06-27 14:20:49Introduction to NLP using FastaiImplementing and decoding the revolutionary ULMFiT approach to train a language model on any downstream NLP task.natural-language-processing
48316292020-06-28 07:37:00TF Lite Semantic Segmentation ModelsFaster and lighter TF Lite models can perform semantic segmentation. computer-vision
48416302020-06-28 07:40:40Semantic Segmentation + Background Removal + Style TransferRunning multiple TF Lite models to perform semantic segmentation, remove background, and apply style transfer. computer-vision
48516362020-06-29 00:00:47Automatic translation of the SQUAD dataset to spanishMachine translation is used on the SQuAD dataset to produce an equivalent dataset in Spanish. Word alignment is applied to produce a synthetic spanisQA corpus. natural-language-processing
48616382020-06-29 02:56:43Dakshina DatasetA collection of text in both Latin and native scripts for 12 South Asian languages.natural-language-processing
48716392020-06-29 02:58:52Computer Vision RecipesThis repository provides examples and best practice guidelines for building computer vision systems.computer-vision
48816442020-06-29 12:42:44A research guide for data scientistsTips on research from top data scientistsnatural-language-processing
48916452020-06-29 17:16:17Using Data Science Pipelines for Disaster ResponseUses ETL and ML pipeline to build an NLP system for classification of messages into appropriate disaster categoriesnatural-language-processing
49016462020-06-29 19:47:58Twitter Turing TestCan you guess whether this tweet is written by a human or generated by a neural network?natural-language-processing
49116482020-06-30 02:34:54STUMPY: A Powerful and Scalable Python Library for Time SeriesSTUMPY is a powerful and scalable Python library for computing a Matrix Profile, which can be used for a variety of time series data mining tasks.other
49216492020-06-30 02:39:32Model Serving using FastAPI and streamlitSimple example of usage of streamlit and FastAPI for ML model serving.computer-vision
49316502020-06-30 02:49:57The Reformer - Pushing the Limits of Language ModelingAn in-depth understanding of each of the key features of the Reformer.natural-language-processing
49416512020-06-30 02:52:41High-Resolution Image InpaintingHigh-Resolution Image Inpainting with Iterative Confidence Feedback and Guided Upsampling. computer-vision
49516532020-06-30 03:01:50MARGE: Pre-training via ParaphrasingA retrieval model maps a document to a set of related documents, which a reconstruction model paraphrases to maximize the likelihood of the original. natural-language-processing
49616572020-06-30 18:00:11Fast Api with Dockerization of your ML ModelsIn this GitHub repo you can able to know and learn how to build a fast API for testing your ML model and can test your ML model with UI and to Dockerize your MLmlops
49716582020-07-01 02:22:10SimCLR - Contrastive Learning of Visual RepresentationsHow to load pretrained/finetuned SimCLR models from hub modules for fine-tuning.computer-vision
49816622020-07-01 07:00:50Image synthesis at CVPR 2020An overview of the different approaches to image synthesis at CVPR 2020.computer-vision
49916632020-07-01 07:08:45SktimeA python toolbox for machine learning with time series.other
50016642020-07-01 07:14:00Sentiment Analysis: Key Milestones, Challenges and New DirectionsAn overview of sentiment analysis, it's progress and what's ahead.natural-language-processing
50116662020-07-01 07:20:52Serverless BERT with HuggingFace and AWS LambdaBuild a serverless question-answering API with BERT, HuggingFace, the Serverless Framework, and AWS Lambda.natural-language-processing
50216682020-07-01 13:33:49Model-based Reinforcement Learning: A SurveyA survey of the integration of both fields, better known as model-based reinforcement learning.other
50316772020-07-02 04:06:19Building Level 3 Conversational AI AssistantsPresentations, panels, and fireside chats addressing all topics related to the creation of Level 3 AI assistants.natural-language-processing
50416782020-07-02 12:13:19NSFW Image Classification REST API built with TensorFlow.JSA ready-to-use & open-source NSFW Image Classification REST API built with TensorFlow.JS and NSFW.JS for effortless Content Moderationcomputer-vision
50516882020-07-03 04:23:58Python Implementation of Reinforcement Learning: An Introduction Plot replications, exercise solutions and Anki flashcards for the entire book by chapters.other
50616912020-07-03 04:40:05The Simplest Way to Serve your NLP Model in Production w/ Python From scikit-learn to Hugging Face Pipelines, learn the simplest way to deploy ML models using Ray Serve.mlops
50716982020-07-04 01:07:48Learning to Cartoonize Using White-box Cartoon RepresentationsAn approach for image cartoonization using GANs.computer-vision
50816992020-07-04 01:10:18Reinforcement Learning TutorialImportant reinforcement learning (RL) algorithms, including policy iteration, Q-Learning, and Neural Fitted Q.other
50917022020-07-04 04:51:18Face Recognition TechniquesFace Detection and Recognition techniques using traditional CV and also using new deep learning method.computer-vision
51017042020-07-04 10:42:53LSTM Forecast Model for Stock Price Prediction using Keras Easy to understand LSTM forecast model for Stock Price Prediction. The dataset contains daywise details of the GOOGL stock from May,2019-May 2018.other
51117062020-07-04 11:05:28PokeZooA deep learning based web-app developed using the MERN stack and Tensorflow.js. computer-vision
51217102020-07-05 05:47:35NLP-task-visualizer-appThis application designed with streamlit library will help in visualizing NLP tasks on text entered by you. natural-language-processing
51317212020-07-07 04:21:20TensorflowTTSReal-Time State-of-the-art Speech Synthesis for Tensorflow 2.natural-language-processing
51417222020-07-07 04:23:38spaczz: Fuzzy matching and more for spaCyFuzzy matching and more functionality for spaCy.natural-language-processing
51517232020-07-07 04:26:45BioSynBiomedical Entity Representations with Synonym Marginalizationnatural-language-processing
51617242020-07-08 04:02:50Image Classifier: In the BrowserUsing Tensorflow.js to make the prediction directly in the browser.computer-vision
51717262020-07-08 04:15:07Photon: A Robust Cross-Domain Text-to-SQL SystemA robust, modular, cross-domain NLIDB that can flag natural language input to which a SQL mapping cannot be immediately determined. natural-language-processing
51817282020-07-08 04:24:07Bounding Box Prediction from Scratch using PyTorchMulti-Task learning — Bounding Box Regression + Image Classificationcomputer-vision
51917292020-07-08 04:28:13Comment Classification Using BERT (multi-language) Fine-TuningWe are going to use BERT layer in a model applying Keras.natural-language-processing
52017302020-07-08 04:30:28TextBrewera PyTorch-based model distillation toolkit for natural language processing.natural-language-processing
52117372020-07-08 18:22:40codeBERT - Automated code docstring review with transformerscodeBERT provide a one command line to check if your code docstrings are up-to-date. natural-language-processing
52217482020-07-09 02:23:25Continuous Machine Learning (CML)CML helps to organize MLOps infrastructure on top of the traditional software engineering stack instead of creating separate AI platforms.mlops
52317502020-07-09 10:30:30picTranslate: Seamless live Image Text translatorGiven an image with text on it, this app can give you a new image with text modified into a different language.computer-vision
52417532020-07-10 02:44:11TUDatasetsA collection of benchmark datasets for graph classification and regression.other
52517542020-07-10 02:46:07Full Stack Deep LearningFull Stack Deep Learning helps you bridge the gap from training machine learning models to deploying AI systems in the real world.mlops
52617552020-07-10 02:51:24Easy OCRReady-to-use OCR with 40+ languages supported including Chinese, Japanese, Korean and Thai. computer-vision
52717592020-07-10 18:54:54Emotion Recognition from Tom and Jerry videosDeveloped an application that classifies the emotion depicted by Tom and Jerry in each frame into one of the following : happy, angry, sad or suprised.computer-vision
52817672020-07-11 05:05:31ImagenetteImagenette is a subset of 10 easily classified classes from Imagenet.computer-vision
52917682020-07-11 05:08:02TextAugmentImproving Short Text Classification through Global Augmentation Methodsnatural-language-processing
53017692020-07-11 05:10:10niacinA Python library for replacing the missing variation in your text data. natural-language-processing
53117712020-07-11 05:16:17AlbumentationsFast image augmentation library and easy to use wrapper around other libraries.computer-vision
53217722020-07-11 05:19:05AugmentorImage augmentation library in Python for machine learning.computer-vision
53317772020-07-11 05:37:12tsfreshAutomatic extraction of relevant features from time series.other
53417922020-07-11 06:28:58Anomaly Detection Toolkit (ADTK)A Python toolkit for rule-based/unsupervised anomaly detection in time series other
53517952020-07-11 06:37:35Chakin Simple downloader for pre-trained word vectors.natural-language-processing
53617962020-07-11 06:39:39Top2VecTop2Vec learns jointly embedded topic, document and word vectors. natural-language-processing
53717972020-07-11 06:42:29Contextualized Topic ModelsA python package to run contextualized topic modeling.natural-language-processing
53818002020-07-11 06:51:58jellyfish🎐 a python library for doing approximate and phonetic matching of strings.natural-language-processing
53918022020-07-11 06:57:28SentencePieceUnsupervised text tokenizer for Neural Network-based text generation. natural-language-processing
54018032020-07-11 06:59:08A Deep Dive into the Wonderful World of Preprocessing in NLPA glimpse into the surprisingly deep and interesting world of preprocessing in NLP.natural-language-processing
54118132020-07-11 07:45:01PytestThe pytest framework makes it easy to write small tests, yet scales to support complex functional testing mlops
54218172020-07-11 07:55:23Artifacts - Weights & BiasesEffortless pipeline tracking and production model management mlops
54318182020-07-11 08:07:35DeepkitAIThe Open-Source Machine Learning Devtool and Training Suite.mlops
54418192020-07-11 08:14:03Neptune.aiThe most lightweight experiment management tool that fits any workflow.mlops
54518202020-07-11 08:17:17RasaAn open source machine learning framework to automate text-and voice-based conversations. natural-language-processing
54618312020-07-11 11:36:26TF SprinklesFast and efficient sprinkles augmentation implemented in TensorFlow.computer-vision
54718342020-07-11 17:19:43Laplacian Pyramid Reconstruction and Refinement for Semantic Seg.Pytorch implementation of multi-resolution reconstruction architecture based on a Laplacian pyramid that uses skip connections.computer-vision
54818362020-07-11 18:15:19Training a pets detector model with TFOD API (TF 2)In this notebook, we will be training a custom object detection model using the latest TensorFlow Object Detection (TFOD) API which is based on TensorFlow 2.2. computer-vision
54918402020-07-12 00:59:27TensorFlow 2 meets the Object Detection APITF Object Detection API (OD API) officially supports TensorFlow 2!computer-vision
55018432020-07-12 13:35:20CortexBuild machine learning APIs.mlops
55118442020-07-12 16:24:10Semi-Supervised Learning in Computer VisionA comprehensive overview of recent semi-supervised learning methods in Computer Visioncomputer-vision
55218452020-07-12 21:42:52Face Predicting Web AppInteractive Deep Learning Model that utilizes your computer webcam to predict your age and gender in seconds! computer-vision
55318472020-07-13 03:46:32Driver Identification Based on Vehicle's telematics dataIn this paper, we proposed a deep learning model, which can identify drivers from their driving behaviors based on vehicle telematics data.computer-vision
55418482020-07-13 05:00:40Comprehensive analysis of important metrics in MLIn this work, the authors present a comprehensive analysis of important metrics in practical applications.computer-vision
55518512020-07-13 15:21:13StreamAlertA serverless, realtime data analysis framework which empowers you to ingest, analyze, and alert on data from any environment, using datasources and alerts.mlops
55618552020-07-14 03:17:25ULMFiT Airline Sentiment AnalysisTransfer Learning using pretrained ULMFiT modelnatural-language-processing
55718562020-07-14 03:21:00DeepDream Video Style TransferDeepDream on Videocomputer-vision
55818592020-07-14 04:01:18You Trained a Machine Learning Model, Now What?Three often overlooked parts of this process occur after the model is actually built: model evaluation, deployment, and monitoring.mlops
55918602020-07-14 09:53:19NSFW Image Moderation Automation Engine built with TensorFlow.JS An open-source NSFW Image Classifier including an Automation Engine for fast deletion & moderation built with Node.js, TensorFlow, and Parse Servercomputer-vision
56018652020-07-14 22:55:08PDFTableExtractBuild a parser to extract the table in PDF document with RetinaNetcomputer-vision
56118672020-07-14 23:03:02YOLOv4 With TensorFlowYOLOv4, YOLOv4-tiny, YOLOv3, YOLOv3-tiny Implemented in Tensorflow 2.0, Android. Convert YOLO v4 .weights tensorflow, tensorrt and tflite.computer-vision
56218682020-07-15 03:52:31Selfie2Anime with TFLiteAn end-to-end tutorial with TensorFlow Lite for Selfie2Anime (U-GAT-IT). computer-vision
56318692020-07-15 20:31:37Bridging PyTorch and TVMTaking Hugging Face transformer BERT from PyTorch and running it on ApacheTVM for both inference (with reasonable timings) and training.natural-language-processing
56418712020-07-16 03:58:21Summarize a webapgeA Flask application that extracts and summarizes webpage using Natural Language Processing. Powered by nlp-akash.natural-language-processing
56518722020-07-16 04:19:37An Icon Classifier with TensorFlow Lite Model MakerAn Icon Classifier with TensorFlow Lite Model Makercomputer-vision
56618792020-07-16 17:40:33Cross-lingual Transfer Learning - Sebastian RuderAn overview of approaches that transfer knowledge across languages and enable us to scale NLP models to more of the world's 7,000 languages.natural-language-processing
56718802020-07-16 17:43:48AdapterHub: A Framework for Adapting TransformersHuggingface Transformers + Adaptersnatural-language-processing
56818822020-07-16 17:51:48Object Detection with RetinaNetImplementing RetinaNet: Focal Loss for Dense Object Detection.computer-vision
56918842020-07-17 01:41:33Deploying your ML Model with TorchServeIn this talk, Brad Heintz walks through how to use TorchServe to deploy trained models at scale without writing custom code. mlops
57018862020-07-17 08:27:56Medical Zoo - 3D Multi-modal Medical Image SegmentationMy articles on deep learning in medical imagingcomputer-vision
57118872020-07-17 16:48:13Computer Vision Pretrained ModelsA collection of computer vision pre-trained models.computer-vision
57218892020-07-17 17:20:20NLP Pretrained ModelsA collection of Natural language processing pre-trained models. natural-language-processing
57318962020-07-19 00:40:37Machine Learning Production PipelineProject Flow and Landscape mlops
57418982020-07-19 00:47:53Tempering Expectations for GPT-3 and OpenAIs APIA closer look at the "magic" behind GPT-3 and caveats to be aware of.natural-language-processing
57518992020-07-19 03:59:41StyleGAN EncoderEncodes real images into the latent space of a StyleGAN model.computer-vision
57619002020-07-19 04:12:40WikiArt StyleGAN 2 ModelA conditional StyleGAN 2 model trained on images from WikiArtcomputer-vision
57719022020-07-19 10:19:24Indian Paper Currency PredictionThe trained model takes an image (Indian Paper Currency) as an input and predict the class of image from 10, 20, 50, 100, 200, 500, 2000 denomination.computer-vision
57819032020-07-19 11:31:25Neural Style Transfer (Gatys et al., PyTorch)My implementation of the original neural style transfer paper by Gatys et al. (In PyTorch).computer-vision
57919042020-07-19 12:44:53Implementation of Face Net in TensorFlow - 2.0This repository is a naive unofficial implementation of Face Net paper - 2015 .This implementation opts online mode of semi - hard triplet mining.computer-vision
58019102020-07-19 15:44:21Azure Machine Learning TemplateAzure Machine Learning template for MNIST classifiermlops
58119132020-07-19 16:55:33Teachable Machine (Image Classifier)A teachable image classifier that runs on any browser built using TensorFlow JS.computer-vision
58219142020-07-19 16:59:37TensorFlow JS- Object Detection in BrowserA real-time object detection model in your browser using TensorFlow JS.computer-vision
58319162020-07-20 00:01:38How to Stop Worrying About CompositionalityReview the tenets of compositionality, and to highlight how each theory has evolved to match particular theoretical positions about the nature of language.natural-language-processing
58419182020-07-20 05:48:38Spacy-Gospacy-go is Golang interface for accessing linguistic annotations provided by spaCy using Google's gRPC. This module only supports basic functionalities like lonatural-language-processing
58519192020-07-20 05:53:12DframcyDframCy is a light-weight utility module to integrate Pandas Dataframe to spaCy's linguistic annotation and training tasks.natural-language-processing
58619212020-07-20 14:04:48NSFW Image Moderation Admin App with ReactJSA fully-functional NSFW Admin Application for simplified image classification & moderation built with Node.js, TensorFlow.js, and Reactcomputer-vision
58719232020-07-20 18:59:04PyTorch Geometric TemporalA Temporal Extension Library for PyTorch Geometric other
58819242020-07-20 20:34:47Why is it Important to Monitor Machine Learning Models?The importance of monitoring and how monitoring ML is different from application performance management (APM).mlops
58919252020-07-20 20:54:00PyTorch Implementation of PaletteNetPyTorch implementation of PaletteNet: Image Recolorization with Given Color Palette (Cho et al., 2017).computer-vision
59019272020-07-20 21:21:12ECG arrhythmia classification using a convolutional neural netThis is an implementation of the paper on ECG arrhythmia classification https://arxiv.org/pdf/1804.06812.pdf.computer-vision
59119292020-07-20 23:55:33Structured Self AttentionImplementation for the paper A Structured Self-Attentive Sentence Embedding (https://arxiv.org/abs/1703.03130 ). Model interpretability / explainability.natural-language-processing
59219332020-07-21 01:42:42TurboTransformersA fast and user-friendly runtime for transformer inference on CPU and GPU.natural-language-processing
59319382020-07-21 11:50:53Rasa NLU ExamplesExperimental components for Rasa NLU pipelines. natural-language-processing
59419402020-07-21 19:01:54Change Detection using Siamese networksThe blog is a primer on Siamese Networks and how they're used for observing change in satellite images over time, or observing facial changes as people agecomputer-vision
59519412020-07-21 19:13:05My Artificial Intelligence BookmarksA curated list of my reads, implementations, and core concepts of Artificial Intelligence, Deep Learning, Machine Learning by best folk in the world.natural-language-processing
59619432020-07-22 03:32:30Do we Need Deep Graph Neural Networks?Does depth in graph neural network architectures bring any advantage?other
59719452020-07-22 03:39:13PanderaA flexible and expressive pandas data validation library.mlops
59819522020-07-24 06:28:15TensorFlow ServingA flexible, high-performance serving system for machine learning models, designed for production environments. mlops
59919532020-07-24 06:30:44BentoMLBentoML is an open-source framework for high-performance ML model serving.mlops
60019542020-07-24 06:43:59Azure MLMLOps using Azure ML.mlops
60119552020-07-24 06:47:29Shape and Viewpoint without KeypointsRecover the 3D shape, pose and texture from a single image, trained on an image collection without any ground truth 3D shape, multi-view, camera viewpoints.computer-vision
60219652020-07-25 02:58:40model-loggerModel-Logger is a Python library for storing model's profile and rapid inter model comparison.mlops
60319682020-07-26 04:48:40Sentiment Analysis With TransformersSentiment analysis neural network trained by fine-tuning BERT, ALBERT, or DistilBERT on the Stanford Sentiment Treebank.natural-language-processing
60419712020-07-27 02:30:42Attention based YOLO: Object DetectionAn easy to follow, YOLO implementation with keras lib. Used a attention based architecture to extract more fine grained information about object.computer-vision
60519772020-07-27 14:14:10LabelDetection: simplifying the use and construction of deep deteLabelDetection is a graphical tool that aims to facilitate all the steps required in the pipeline to construct and use a deep-learning base object detection modcomputer-vision
60619782020-07-27 14:34:12How to Set Up a Python Project For Automation and CollaborationHow to set up a Python repo with unit tests, code coverage, lint checking, type checking, Makefile wrapper, and automated build with GitHub Actions.mlops
60719802020-07-27 14:51:03Understanding & Implementing SimCLR - an ELI5 guideI explain the SimCLR and its contrastive loss function step by step, build image embeddings and then show how to use them to train image classifier on top.computer-vision
60819832020-07-28 04:14:12CoreML Model ZooCollection of unified and converted pre-trained models.computer-vision
60919842020-07-28 04:18:00How GPT3 Works - Visualizations and AnimationsA compilation of my threads explaining GPT3. natural-language-processing
61019852020-07-28 04:19:58Temporal Graph NetworksIn this post, we describe Temporal Graph Network, a generic framework for deep learning on dynamic graphs.other
61119862020-07-28 07:44:13Behavioral Testing of NLP models with CheckListAn overview of the “CheckList” framework for fine-grained evaluation of NLP modelsnatural-language-processing
61219922020-07-29 03:41:04Time series forecastingA thorough introduction to time series forecasting using TensorFlow.other
61319932020-07-29 04:47:55Real-time text detection with EAST in TFLiteDemonstrates the conversion process from the original EAST model to TFLite and how to use it on static images and also on real-time video feeds. computer-vision
61419942020-07-29 04:51:30Understanding the Effectivity of Ensembles in Deep LearningThe report explores the ideas presented in Deep Ensembles: A Loss Landscape Perspective by Stanislav Fort, Huiyi Hu, and Balaji Lakshminarayanan.computer-vision
61519992020-07-30 03:57:32Small differences in BLEU are meaninglessOnly big differences in metric scores are meaningful in MT.natural-language-processing
61620022020-07-30 04:08:46Multi-target in AlbumentationsMany images, many masks, bounding boxes, and key points. How to transform them in sync?computer-vision
61720052020-07-30 11:19:02Social Distance DetectionIf people are very close to each other, a red bounding box is displayed around them indicating that they are not maintaining social distance.computer-vision
61820062020-07-30 11:30:56Deep Learning Techniques for NLP in HealthcareA talk discussing the recent advancements of deep learning to facilitate the adaption of NLP in the healthcare domain.natural-language-processing
61920082020-07-30 14:50:30Extension to block NSFW content using AINSFW Filter is an extension that blocks NSFW content from your browser. It uses a computer vision model to detect NSFW content and hides it from the user.computer-vision
62020092020-07-30 14:55:57ATLASS: AutoML using Transfer and Semi-Supervised LearningThis repository includes the code, application, and notebooks for the work "AutoML using Transfer and Semi-Supervised Learning". The tools presented here can becomputer-vision
62120122020-07-30 15:04:28LabelStoma: stomata detection using YOLOLabelStoma is a graphical image tool for automatically detecting stomata in images. computer-vision
62220132020-07-30 15:07:54DeepClas4BioDeepClas4Bio is a project that aims to facilitate the interoperability of bioimaging tools with deep learning frameworks.computer-vision
62320162020-07-31 15:30:38Meme Classifier Using TFlite and flutterMeme classifier using fine tuned mobilenet. This app showcases how you can perform low latency realtime classification apps using TFlitecomputer-vision
62420202020-08-01 12:14:26Text Summarization using TF-IDF AlgorithmThis Article explains the TF-IDF algorithm and shows the implemtnation from scratch to summarize the text.natural-language-processing
62520222020-08-01 14:41:37Simple TransformersTransformers for Classification, NER, QA, Language Modeling, Language Generation, T5, Multi-Modal, and Conversational AI.natural-language-processing
62620242020-08-01 14:49:31DeText: A Deep Neural Text Understanding FrameworkDeText: A Deep Neural Text Understanding Framework for Ranking and Classification Tasks.natural-language-processing
62720262020-08-01 15:04:37Efficient Serverless Deployment of PyTorch Models on AzureA tutorial for serving models cost-effectively at scale using Azure Functions and ONNX Runtime.mlops
62820272020-08-01 15:27:29Nearest Celebrity FaceImplementation of FaceNet: A Unified Embedding for Face Recognition and Clustering to find the celebrity whose face matches the closest to yours. The input facecomputer-vision
62920302020-08-02 12:38:08A Few Favorite Recipes in Computer Vision & Deep LearningThis blog post enlists a few of my favorite recipes in deep learning in the context of computer vision (as of August 2020).computer-vision
63020312020-08-02 14:46:10NeuralQA - API and Visual Interface for Extractive QAA Usable Library for Question Answering on Large Datasets with BERTnatural-language-processing
63120322020-08-02 20:00:23Object tracking in 75 lines of codeObject tracking is straightforward conceptually. And if you have a good detector, simple methods can be pretty effective.computer-vision
63220332020-08-03 03:49:22FARM: Framework for Adapting Representation Models🏡 Fast & easy transfer learning for NLP. Harvesting language models for the industry.natural-language-processing
63320352020-08-04 02:49:24Act - GitHub Actions locallyRun your GitHub Actions locally.mlops
63420382020-08-04 03:53:36Curated papers & articles on DS & ML in productionLearn how organizations & business solved machine learning problems, including problem statement, research, methodology, and results.mlops
63520392020-08-04 16:45:09Tensorflow2 Object Detection TutorialIn this tutorial, we will be going step by step the complete training process of Tensorflow2 Object Detection. computer-vision
63620422020-08-05 02:07:24ONNX T5Summarization, translation, Q&A, text generation and more at blazing speed using a T5 version implemented in ONNX.natural-language-processing
63720432020-08-05 02:17:10DeLighT: Very Deep and Light-weight TransformersSimilar or better performance than transformer-based models with significantly fewer parametersnatural-language-processing
63820452020-08-05 06:40:32Evaluation Metrics For Information RetrievalLearn about common metrics used to evaluate performance of information retrieval systemsnatural-language-processing
63920472020-08-05 15:18:46Test-Time Data AugmentationTutorial on how to properly implement test-time image data augmentation in a production environment with limited computational resources.mlops
64020482020-08-05 16:50:22SadedeGel: An extraction based Turkish news summarizer"Sadede Gel" in Turkish, means "cut to the chase". natural-language-processing
64120512020-08-05 20:13:51MobyDick word frequencyGetting the count of the words in Moby Dick story using both web scraping and NLPnatural-language-processing
64220532020-08-05 20:30:33Image Classification with KerasBuild a pipeline to train an image classifier in Keras and tune hyperparameters to optimize the performance of our classifier.computer-vision
64320542020-08-05 20:34:09Dropout in PyTorch An ExampleAn example of adding Dropout to a PyTorch model, and observe the effect dropout has on the model's performance by tracking our models in Weights & Biases.computer-vision
64420572020-08-06 04:06:11Data Science Meets Devops: MLOps with Jupyter, Git, & KubernetesAn end-to-end example of deploying a machine learning product using Jupyter, Papermill, Tekton, GitOps and Kubeflow.mlops
64520612020-08-06 04:59:21Detectron 2 Demo from FacebookThis Project contains the process of getting started with Facebook FAIR's detectron2 project on windows 10 without any Nvidia GPU.computer-vision
64620622020-08-06 12:38:55Predict Vehicle Speed From Dash Cam VideoA series of experiments attempting to predict vehicle speed from dash cam videos using optical flow and neural networks.computer-vision
64720982020-08-06 23:15:45Digital Image Processing in PythonPlay around with pixel values with Python programming language.computer-vision
64821002020-08-07 04:24:28A 2020 guide to Semantic SegmentationConcept of image segmentation, discuss the relevant use-cases, different neural network architectures involved in achieving the results, metrics and datasets.computer-vision
64921062020-08-08 15:06:18Fast NST for Videos (+ person segmentation) 🎥 + ⚡💻 + 🎨 = ❤️Create NST videos and pick separate styles for the person in the video and for the background.computer-vision
65021092020-08-09 07:24:57Live demo : State-of-the-art MCQ Generator from any contentDemo for state-of-the-art MCQ (Multiple Choice Questions) generator from any content built using T5 transformer, HuggingFace, and Sense2vec natural-language-processing
65121112020-08-10 03:26:16InvoiceNetDeep neural network to extract intelligent information from PDF invoice documents. computer-vision
65221122020-08-10 03:41:31Search for visual datasetsBy task, application, class, label or format.computer-vision
65321132020-08-10 04:01:03GAN-BERTEnhancing the BERT training with Semi-supervised Generative Adversarial Networks.natural-language-processing
65421142020-08-10 04:03:51tsaugA Python package for time series augmentation.other
65521162020-08-10 04:15:38Machine Learning Pipelines for Kubeflow.Kubeflow pipelines are reusable end-to-end ML workflows built using the Kubeflow Pipelines SDK.mlops
65621172020-08-10 04:17:57Structuring Unit Tests in PythonWhere to put tests, how to write fixtures and the awesomeness of test parametrization.mlops
65721212020-08-10 21:59:41DeepR — Training TensorFlow Models for ProductionDeepR is a Python library to build complex pipelines as easily as possible on top of Tensorflow.mlops
65821242020-08-11 00:20:42Neural Architecture SearchA look at neural architecture search w.r.t search space, search algorithms and evolution strategies.other
65921352020-08-13 01:52:06Temporal Convolutional Networks for Time-SeriesWe introduce several novels using TCN, including improving traffic prediction, sound event localization & detection, and probabilistic forecasting.other
66021362020-08-13 02:05:11Machine Learning Deployment: Shadow Mode“How do I test my new model in production?” One answer, and a method I often employ when initially deploying models, is shadow mode.mlops
66121382020-08-13 18:12:46Extract Stock Sentiment from News Headlines In this project, you will generate investing insight by applying sentiment analysis on financial news headlines from Finviz. natural-language-processing
66221412020-08-14 03:15:38hloc - the hierarchical localization toolboxVisual localization made easy.computer-vision
66321472020-08-15 01:17:07Practical Tips and Tricks for Successful Transfer LearningTraining models to learn knowledge and skills from other related tasks that will transfer and boost performance on tasks of interest.natural-language-processing
66421482020-08-15 01:22:01txtai: AI-powered search engineAI-powered search engine.natural-language-processing
66521512020-08-15 05:32:22Drowsiness Detection System using OpenCV and Flask in Python This system provides an overview of a system that detects whether a person is drowsy while driving and if so, alerts him by using voice messages in real-time. computer-vision
66621552020-08-15 14:49:16GPT-3, The model simply knows!Brief Introduction about the gigantic GPT-3. a new leap in AI and Natural Language processing. natural-language-processing
66721592020-08-16 01:02:18SolarisCosmiQ Works Geospatial Machine Learning Analysis Toolkit.computer-vision
66821632020-08-17 03:19:46Safe Space - Github ActionGithub action that checks the toxicity level of comments and PR reviews to help make repos safe spaces.natural-language-processing
66921642020-08-17 03:24:46Intro to AutoencodersThis tutorial introduces autoencoders with three examples: the basics, image denoising, and anomaly detection.computer-vision
67021662020-08-17 05:19:41Pix2PixTensorflow 2.0 Implementation of the paper Image-to-Image Translation using Conditional GANs by Philip Isola, Jun-Yan Zhu, Tinghui Zhou and Alexei A. Efros.computer-vision
67121672020-08-17 06:27:31InsightProject Insight is designed to create NLP as a service with code base for both front end GUI (streamlit) and backend server (FastAPI) the usage of transformers natural-language-processing
67221682020-08-17 10:55:43Onceupon.spaceNLP experiment in story-telling that creates illustrations (text to sketch) and content (text generation)natural-language-processing
67321732020-08-18 04:16:33Fine-tuning with custom datasetsThis tutorial will take you through several examples of using 🤗 Transformers models with your own datasets.natural-language-processing
67421852020-08-18 23:12:27Language Interpretability Tool (LIT)The Language Interpretability Tool (LIT) is a visual, interactive model-understanding tool for NLP models.natural-language-processing
67521882020-08-19 15:16:46Great ExpectationsAlways know what to expect from your data.mlops
67621932020-08-20 00:39:05Effective testing for machine learning systemsWhy testing machine learning systems can be different, and discuss some strategies for writing effective tests for machine learning systems.mlops
67722022020-08-22 03:55:27Graph Representation Learning BookIntroduction to graph representation learning, including methods for embedding graph data, graph neural networks, and deep generative models of graphs.other
67822032020-08-22 05:58:20Image Similarity Search in PyTorchSimple Convolutional Auto-encoder based image similarity search to find similar images to given image or features. Fully written in PyTorch.computer-vision
67922042020-08-22 17:19:00Tensorflow Object Detection with Tensorflow 2Object Detection with Tensorflow 2 and the Tensorflow Object Detection API computer-vision
68022072020-08-23 04:38:45Rules of Machine Learning: Best Practices for ML EngineeringA basic knowledge of machine learning get the benefit of best practices in machine learning from around Google.mlops
68122142020-08-24 11:16:47vedasegvedaseg is an open source semantic segmentation toolbox based on PyTorch.computer-vision
68222152020-08-24 11:52:10vedastrvedastr is an open source scene text recognition toolbox based on PyTorch.computer-vision
68322182020-08-25 13:57:49CascadeTabNetAn approach for end-to-end table detection and structure recognition from image-based documents computer-vision
68422202020-08-25 16:13:31Table Detection, Information Extraction and Structuring using MLTable Extraction (TE) is the task of detecting and decomposing table information in a document.natural-language-processing
68522232020-08-26 04:21:37AxCellAutomatic Extraction of Results from Machine Learning Paperscomputer-vision
68622262020-08-27 01:54:16Hyperparameter Optimization for 🤗 Transformers: A GuideBasic grid search is not the most optimal, and in fact, the hyperparameters we choose can have a significant impact on our final model performance.natural-language-processing
68722352020-08-27 16:03:12Shift-Ctrl-F: Semantic Search for the Browser🔎: Search the information available on a webpage using natural language instead of an exact string match.natural-language-processing
68822382020-08-28 01:24:08Spinning Up in Deep RL (OpenAI)An educational resource to help anyone learn deep reinforcement learning.other
68922392020-08-28 07:07:39An Introduction to Adversarial Examples in Deep LearningThis report provides an intuitive introduction to adversarial examples, discusses a wide variety of different adversarial attacks and, most notably, provides adcomputer-vision
69022422020-08-29 08:10:21Deep dive into ROI layer in Object Detection ModelsIn this blog post we will implement in torch ROI Pool and ROI Align models from scratch.computer-vision
69122452020-08-30 02:51:07On the Bottleneck of Graph Neural Networks and its ImplicationsThe mechanism of propagating information between neighbors creates a bottleneck when every node aggregates messages from its neighbors.other
69222472020-08-30 11:48:19Unsupervised Keyphrase ExtractionLearn about unsupervised algorithms for automatically extracting representative keyword and phrases from documentsnatural-language-processing
69322512020-08-31 10:05:12Practical AI: Using NLP word embeddings to solve localization Using NLP word vectors (word2vec, glove, etc) in a novel way to solve the problem of localization in edtech.natural-language-processing
69422522020-08-31 23:40:26Explore then ExecuteAdapting without Rewards via Factorized Meta-Reinforcement Learningother
69522552020-09-01 04:49:38Tensorflow, Pytorch, Transformer, Fastai, etc. TutorialsBERT Classification, Question Answering, Seq2Seq Machine Translation, Contextual Topic Modeling, Large Scale Multilabelclassification, etcnatural-language-processing
69622582020-09-02 09:05:08Graph Convolutions for dummiesAn article explaining Graph Convolutional Networks as simply as possible.other
69722592020-09-02 23:08:03ECCV 2020: Some HighlightsA sort of a snapshot of the conference by summarizing some papers (& listing some) that grabbed my attention.computer-vision
69822602020-09-02 23:13:20CVPR 2020: A SnapshotA snapshot of the conference by summarizing some papers (& listing some) that grabbed my attention.computer-vision
69922632020-09-03 23:05:32TTT: Fine-tuning Transformers with TPUs or GPUs accelerationTTT is short for a package for fine-tuning 🤗 Transformers with TPUs, written in Tensorflow2.0+.natural-language-processing
70022642020-09-04 01:24:22MushroomRLPython library for Reinforcement Learning.other
70122672020-09-04 02:50:39What Is MLOps?Machine learning operations, MLOps, are best practices for businesses to run AI successfully with help from an expanding software products and cloud services.mlops
70222682020-09-05 01:06:07NLP Course | For YouThis is an extension to the (ML for) Natural Language Processing course I teach at the Yandex School of Data Analysis (YSDA) since fall 2018. natural-language-processing
70322692020-09-05 01:09:06Learning to Summarize with Human FeedbackHuman feedback models outperform much larger supervised models and reference summaries on TL;DRnatural-language-processing
70422732020-09-05 18:22:44ONNX TransformersAccelerated NLP pipelines for fast inference 🚀 on CPU. Built with 🤗 Transformers and ONNX runtime.natural-language-processing
70522752020-09-06 07:26:21hugdatafast: huggingface/nlp + fastaiThe elegant integration of huggingface/nlp and fastai2 and handy transforms using pure huggingface/nlp natural-language-processing
70622802020-09-06 18:59:46Top 10 Deep Learning Breakthroughs — Deep Reinforcement LearningThe article unravels the journey behind reaching the point when Reinforcement Learning combined with Deep Learning defeated a Go player world champion.other
70722832020-09-07 07:13:04Data analysis made easy: Text2Code for Jupyter notebookA jupyter notebook extension for Text2Code for basic pandas and plotly commandsnatural-language-processing
70822842020-09-07 10:42:32electra_pytorch: ELECTRA in PyTorch (fastai + huggingface)Unofficial reimplementation of <ELECTRA: Pre-training Text Encoders as Discriminators Rather Than Generators>natural-language-processing
70922852020-09-07 13:36:55Images of radio boxesI have collected about 15+k raw images of radio boxes across 500+ forms and hand-picked 200+ images that can be used to determine if a radio box is checked.computer-vision
71022872020-09-07 20:56:51omega|ml - building and deploying ML models the easy wayDeploying ML is hard. It should not be. omega|ml makes it a breeze.mlops
71122902020-09-09 00:16:32Fine-tune a non-English GPT-2 Model with Huggingface In this tutorial, we are going to use the transformers library by Huggingface. We will use the new Trainer class and fine-tune out GPT-2 model.natural-language-processing
71222942020-09-09 16:14:37Getting started with large-scale ETL jobs using Dask and AWS EMREMR is AWSs distributed data platform, which we can interact with and submit jobs to from a JupyterLab notebook running on our local machine.mlops
71322952020-09-09 16:36:45How to Create a Cartoonizer with TensorFlow Lite?An end-to-end tutorial on how to convert to TensorFlow Lite (TFLite) model and deploy it to an Android app for cartoonizing an image captured by camera.computer-vision
71422962020-09-10 01:15:57How to Test Machine Learning Code and Systems🚦 Minimal examples of testing machine learning for correct implementation, expected learned behaviour, and model performance. mlops
71522982020-09-11 00:02:10torchCDEDifferentiable controlled differential equation solvers for PyTorch with GPU support and memory-efficient adjoint backpropagation.other
71622992020-09-11 00:07:11Latent graph neural networks: Manifold learning 2.0?Parallels between recent works on latent graph learning and older techniques of manifold learning.other
71723002020-09-11 00:11:14Real Python Recommendation EngineA full stack data science project that performs document similarity on RealPython.com content. Content recommendations are implemented via a Chrome extension.natural-language-processing
71823042020-09-11 17:54:04Graph Neural NetworksA descriptive guide for Graph Neural Networks.other
71923172020-09-14 05:32:45End-to-end Object Detection in TensorFlow LiteThis project shows how to train a custom detection model with the TFOD API, optimize it with TFLite, and perform inference with the optimized model.computer-vision
72023182020-09-14 11:55:33Jepto - Digital Marketing AnalyticsKPI Prediction and Anomaly Detection of digital marketing data for both technical and non-technical marketers and business owners.other
72123192020-09-14 19:21:33Cartoonizer with TensorFlow.jsAn app to turn your photos into cartoon-styled images 🎨 within your browsers using White-box Cartoonization GAN.computer-vision
72223252020-09-16 13:43:20Implementing Content-Based Image Retrieval with Siamese NetworksWith content-based image retrieval, we refer to the task of finding images containing attributes which are not in the image metadata, but in its visual content.computer-vision
72323262020-09-17 00:18:51NLP for Developers: Multilingual NLP | RasaIn this video, Rasa Developer Advocate Rachael will talk about common approaches to handle language input in more than one language.natural-language-processing
72423272020-09-17 15:36:45Paint with Machine LearningThis web app allows you to create a landscape painting in the style of Bob Ross using a deep learning model served using a Spell model server.computer-vision
72523282020-09-17 16:04:29Distilling Knowledge in Neural NetworksThis project demonstrates the compelling model optimization technique - knowledge distillation with code walkthroughs in TensorFlow. computer-vision
72623322020-09-18 08:49:55Recurrent Neural Networks: building GRU cells VS LSTM cells What are the advantages of RNNs over transformers? When to use GRUs over LSTM? What are the equations of GRU really mean? How to build a GRU cell in Pytorch?natural-language-processing
72723412020-09-20 00:34:03PyTorch ForecastingTime series forecasting with PyTorch.other
72823422020-09-20 03:24:58NorfairLightweight Python library for adding real-time 2D object tracking to any detector.computer-vision
72923442020-09-21 00:20:00LabelaiLabelai is an online tool designed to label images, useful for training AI models.computer-vision
73023452020-09-21 00:26:02Remo🐰 Python lib for remo - the app for annotations and images management in Computer Vision.computer-vision
73123482020-09-21 23:47:06Layered Neural Rendering for Retiming People in VideoManipulating and editing the time in which different motions of individuals in the video occur.computer-vision
73223512020-09-22 03:42:58Simple Transformers: Transformers Made EasySimple Transformers removes complexity and lets you get down to what matters model training and experimenting with the Transformer model architectures.natural-language-processing
73323532020-09-22 13:04:04TF GeometricEfficient and Friendly Graph Neural Network Library for TensorFlow 1.x and 2.x.other
73423562020-09-23 04:56:15Part 2: Deep Representations, a way towards neural style transferA top-down approach to conceiving neural style transfercomputer-vision
73523572020-09-23 10:27:15Sudoku SolverSolving Sudoku by extracting the puzzle from photo using Computer Vision and OCR and solving it.computer-vision
73623602020-09-23 13:56:293D Face: Fast, Accurate and Stable ReconstructionThis work extends the previous work 3DDFA, named 3DDFA_V2, titled Towards Fast, Accurate and Stable 3D Dense Face Alignment, accepted by ECCV 2020. computer-vision
73723682020-09-25 07:47:27TableQAAI tool for querying natural language on tabular data like csvs and other dataframes.natural-language-processing
73823692020-09-25 15:44:08GP-GAN: Towards Realistic High-Resolution Image BlendingBlending composite images using a generative model and a Gaussian-Poisson equation with a Laplacian Pyramidcomputer-vision
73923712020-09-25 18:10:13From Research to Production with Deep Semi-Supervised LearningSemi-Supervised Learning (SSL) has blossomed in the deep learning research communitywe share lessons learned over 15 months of taking SSL into production.mlops
74023722020-09-25 18:39:59A spaced repetition app for keeping your reinforcement learningWe aim to keep your reinforcement learning knowledge fresh by periodically reminding you of concepts making you a master of RL knowledge!!other
74123732020-09-25 22:41:22GraphNormA Principled Approach to Accelerating Graph Neural Network Training.other
74223842020-09-27 08:42:46Intro to Facebook ProphetEverything you need to know when starting out with Facebooks time series forecasting toolother
74323872020-09-27 14:22:51GitHub Actions for Machine LearningThis presentation discusses the use of GitHub Actions to automate certain steps of a toy ML project. mlops
74423882020-09-27 22:09:32SemTorchDifferent deep learning architectures definitions that can be applied to image segmentation.computer-vision
74523892020-09-28 05:34:15bingoset - CLI tool to create image dataset.CLI Toolkit to quickly create an image dataset using Bing Image Search API.computer-vision
74623952020-09-28 22:51:23Python caching in GitHub ActionsHow to speed up slow Python builds in GitHub Actions with effective caching.mlops
74723962020-09-29 00:36:12EfficientDet meets Pytorch LightningBeginner friendly guide to object detection using EfficientDet.computer-vision
74823972020-09-29 02:15:46Optimizing MobileDet for Mobile DeploymentsLearn about the criticalities of effectively optimizing MobileDet object detectors for mobile deployments.computer-vision
74924022020-09-30 22:11:07Adapting Text Augmentation to Industry ProblemsIn this post I will talk about the recent advances in exploiting language models for data generation and also show how, where we can implement them in Industry.natural-language-processing
75024042020-09-30 22:22:0712 Factors of Reproducible Machine Learning in ProductionWe took our experience to deduce 12 factors (as a nod to the 12 factor app) that build the backbone of successful ML in production.mlops
75124102020-10-01 13:42:23Serving PyTorch models in production with the Amazon SageMakerTorchServe is now natively supported in Amazon SageMaker as the default model server for PyTorch inference. mlops
75224112020-10-01 14:55:12How to Make Sense of the Reinforcement Learning Agents?What and Why I Log During Training and Debug?other
75324122020-10-01 18:50:05Introduction to 3D Medical Imaging: Preprocessing & AugmentationsLearn how to apply 3D transformations for medical image preprocessing and augmentation, to setup your awesome deep learning pipeline.computer-vision
75424152020-10-01 23:55:36Explainable ML MonitoringThe video covers an overview of some of the risks of AI, the need for explainable monitoring, and what exactly we mean when we talk about it.mlops
75524172020-10-02 09:44:25Parallelizing Prophet Cross-Validation with DaskApplied Example w/ Codeother
75624182020-10-02 10:16:17Top Research Papers from the ECML-PKDD 2020 ConferenceECML-PKDD -> selectionof the best reaesch papersother
75724192020-10-02 15:37:27GANs in Computer Vision Free Ebook / Article-seriesThis free ebook/article-series follows the chronological order of 20 peer-reviewed highly-cited papers as they presented in a series of 6 articles.computer-vision
75824222020-10-02 21:48:21Pattern-Exploiting Training (PET)This repository contains the code for "Exploiting Cloze Questions for Few-Shot Text Classification and Natural Language Inference"natural-language-processing
75924232020-10-03 20:27:36ImaginaireNVIDIA PyTorch GAN library with distributed and mixed precision support.computer-vision
76024302020-10-05 10:09:28Transection: Transformers for English to Chinese Translation 基于tTutorials on how to fine-tune a BART based transformer for English to Chinese translation.natural-language-processing
76124312020-10-05 12:36:02A Survey of the State of Explainable AI for NLPOverview of the operations and explainability techniques currently available for generating explanations for NLP model predictions.natural-language-processing
76224322020-10-05 13:09:58Topic Modeling with BERTLeveraging 🤗 Transformers and a class-based TF-IDF to create dense clusters allowing for easily interpretable topics. natural-language-processing
76324342020-10-06 02:13:01OpenMMLab Computer VisionMMCV is a python library for CV research and supports many research projects such as object detection, segmentation, pose estimation, action classification. computer-vision
76424362020-10-06 13:29:44Machine Learning Methods Explained (+ Examples)Most common techniques used in data science projects; get to know them through easy-to-understand examples and put them into practice in your own ML projects!other
76524372020-10-06 14:53:39RasoeeA powerful web and mobile application that identifies food dishes from a given input image, and provides an ingredient list along with relevant recipes.computer-vision