Made-With-ML/datasets/holdout.csv

35 KiB
Raw Blame History

1idcreated_ontitledescriptiontag
2192020-03-03 13:54:31Diffusion to VectorReference implementation of Diffusion2Vec (Complenet 2018) built on Gensim and NetworkX. other
3262020-03-07 23:11:58Graph Wavelet Neural NetworkA PyTorch implementation of "Graph Wavelet Neural Network" (ICLR 2019) other
4442020-03-08 00:32:58Capsule Graph Neural NetworkA PyTorch implementation of "Capsule Graph Neural Network" (ICLR 2019).other
5802020-03-20 05:59:32NeRF: Neural Radiance FieldsRepresenting scenes as neural radiance fields for view synthesis.computer-vision
6842020-03-20 15:18:43Mention ClassifierCategory prediction model This repo contains AllenNLP model for prediction of Named Entity categories by its mentions.natural-language-processing
71072020-03-21 23:09:03Plant Fruit ClassifierBuilding a world-class image classifier model with a custom dataset.computer-vision
81262020-03-25 15:05:27Unet Implementation is Keras with GPUVector Map generation from aerial imagery using deep learning GeoSpatial UNETcomputer-vision
91302020-03-25 16:55:31Gymnast Pose AnalysisPose modelling for gymnasts using open-pose and open-cv. computer-vision
101312020-03-25 17:00:54EfficientDet: Scalable and Efficient Object DetectionImplementation EfficientDet: Scalable and Efficient Object Detection in PyTorch.computer-vision
111362020-03-26 17:22:36Finetune: Scikit-learn Style Model Finetuning for NLPFinetune is a library that allows users to leverage state-of-the-art pretrained NLP models for a wide variety of downstream tasks.natural-language-processing
121412020-03-28 17:41:42First Order Motion Model for Image AnimationGenerating a video sequence so that an object in a source image is animated according to the motion of a driving video.computer-vision
131422020-03-28 17:49:20TorchIO: Medical Image Processing in Deep Learning and PyTorchTools for medical image processing in deep learning and PyTorchcomputer-vision
141442020-03-29 18:23:06Finetuning Transformers with JAX + HaikuWalking through a port of the RoBERTa pre-trained model to JAX + Haiku, then fine-tuning the model to solve a downstream task.natural-language-processing
152182020-04-06 11:29:57Distributional RL using TensorFlow2🐳 Implementation of various Distributional Reinforcement Learning Algorithms using TensorFlow2.other
162202020-04-06 15:19:59Module 2: Convolutional Neural Networks - CS231n In Lecture 5 we move from fully-connected neural networks to convolutional neural networks.computer-vision
172492020-04-06 19:20:12makesense.aiFree to use online tool for labelling photos.computer-vision
182642020-04-06 21:33:32The Unreasonable Effectiveness of Recurrent Neural NetworksA close look at how RNNs are able to perform so well.natural-language-processing
192682020-04-06 21:51:55A Gentle Introduction to Text Summarization in Machine LearningText summarization is the technique for generating a concise and precise summary of voluminous texts while focusing on the sections that convey useful info.natural-language-processing
202852020-04-07 03:45:03A (Long) Peek into Reinforcement LearningIn this post, we are gonna briefly go over the field of Reinforcement Learning (RL), from fundamental concepts to classic algorithms.other
213052020-04-07 20:00:37Question Answering with a Fine-Tuned BERTWhat does it mean for BERT to achieve “human-level performance on Question Answering”?natural-language-processing
223142020-04-08 00:06:21The Autonomous Learning LibraryA PyTorch library for building deep reinforcement learning agents.other
233172020-04-08 00:14:27COCO Annotator✏️ Web-based image segmentation tool for object detection, localization and key points.computer-vision
243282020-04-08 14:29:22ProteinGCN: Protein model quality assessment using GCNsSource code for the paper: ProteinGCN: Protein model quality assessment using Graph Convolutional Networks.other
253442020-04-08 16:11:28Tokenizers💥Fast State-of-the-Art Tokenizers optimized for Research and Production.natural-language-processing
263532020-04-08 17:08:41Keras OCRA packaged and flexible version of the CRAFT text detector and Keras CRNN recognition model. computer-vision
273842020-04-08 21:22:25Visualizing Memorization in RNNsInspecting gradient magnitudes in context can be a powerful tool to see when recurrent units use short-term or long-term contextual understanding.natural-language-processing
284072020-04-08 23:00:02AllenNLPAn open-source NLP research library, built on PyTorch.natural-language-processing
294102020-04-08 23:09:15Frameworks for Machine Learning Model ManagementThis blog post will follow up by comparing three different tools developed to support reproducible machine learning model development.mlops
304142020-04-08 23:18:04TensorBoard.dev Easily host, track, and share your ML experiments for free.mlops
314152020-04-08 23:21:13BertVizTool for visualizing attention in the Transformer model (BERT, GPT-2, Albert, XLNet, RoBERTa, CTRL, etc.)natural-language-processing
324262020-04-09 16:37:10The Transformer FamilyThis post presents how the vanilla Transformer can be improved for longer-term attention span, less memory and computation consumption, RL task solving, etc.natural-language-processing
334372020-04-10 17:14:11Pruning Bert to Accelerate InferenceAfter previously discussing various ways of accelerating models like BERT, in this blog post we empirically evaluate the pruning approach.natural-language-processing
344382020-04-10 17:26:39Compressing Bert for Faster PredictionIn this blog post, we discuss ways to make huge models like BERT smaller and faster. natural-language-processing
354512020-04-10 20:10:28Evaluation Metrics for Language ModelingIn this article, we will focus on traditional intrinsic metrics that are extremely useful during the process of training the language model itself. natural-language-processing
364542020-04-10 20:27:12All The Ways You Can Compress BERTIn this post Ill list and briefly taxonomize all the papers Ive seen compressing BERT. natural-language-processing
374582020-04-10 20:58:41Limitations of Deep Learning for Vision, and How We Might Fix TheThis is an opinion paper about the strengths and weaknesses of Deep Nets for vision.computer-vision
384872020-04-14 21:15:35Face Alignment in Full Pose Range: A 3D Total SolutionFace Alignment in Full Pose Range: A 3D Total Solution.computer-vision
394882020-04-14 21:21:51V2V-PoseNet PytorchPyTorch implementation of V2V-PoseNet with IntegralPose/PoseFix loss.computer-vision
404962020-04-14 23:14:59Fast- Neural StylePytorch implementation of an algorithm for artistic style transfer. computer-vision
414972020-04-14 23:21:16Torchvision Object Detection Finetuning TutorialFinetuning a pre-trained Mask R-CNN model in the Penn-Fudan Database for Pedestrian Detection and Segmentation.computer-vision
425592020-04-16 16:18:26Creating an End-to-End Machine Learning ApplicationA complete, end-to-end ML application, implemented in both TensorFlow 2.0 and PyTorch.mlops
435612020-04-16 16:27:31How Docker Can Help You Become A More Effective Data ScientistA look at Docker from the perspective of a data scientist.mlops
445692020-04-18 13:32:36An Introduction to Transfer Learning and HuggingFaceIn this talk I'll start by introducing the recent breakthroughs in NLP that resulted from the combination of Transfer Learning schemes and Transformer architectnatural-language-processing
455702020-04-19 17:40:48Introduction to Image Inpainting With Deep LearningIn this article, we are going to learn how to do “image inpainting”, i.e. fill in missing parts of images precisely using deep learning.computer-vision
465792020-04-20 00:53:19Transfer Learning & Fine-Tuning With KerasYour 100% up-to-date guide to transfer learning & fine-tuning with Keras.computer-vision
475822020-04-20 21:38:50CS285: Deep Reinforcement LearningA course on deep reinforcement learning, transfer and multi-task learning.other
485942020-04-21 23:25:53TorchServe & TorchElastic PyTorch Libraries for Serving/TrainingThe officially supported way to deploy and manage models with PyTorch.mlops
496002020-04-22 17:37:25Building a Simple Chatbot from Scratch in Python (using NLTK)A look at retrieval based and generative conversational AI for creating chatbots.natural-language-processing
506122020-04-23 13:56:46Implementing DCGANs using PyTorch C++ API (Libtorch)The blog discusses the paper review of DCGANs and implementation using PyTorch C++ API in detail. From loading models to visualizing batch of the data, in C++! computer-vision
516202020-04-23 17:26:26ELECTRA Explaining the new self-supervised task for language representation learning, ELECTRA which uses "replace token detection".natural-language-processing
526242020-04-24 00:42:41How to Train a New Language Model From Scratch Using TransformersIn this post well demo how to train a “small” model (84 M parameters = 6 layers, 768 hidden size, 12 attention heads).natural-language-processing
536292020-04-24 05:01:26ARIMA Modeling - Guide to Time Series Forecasting in PythonHow ARIMA models works . How to train and forecast using ARIMA, SARIMA, SARIMAX and find the optimal model with Pythonother
546492020-04-28 03:42:29SpektralGraph Neural Networks with Keras and Tensorflow 2.other
556662020-04-29 12:10:43AIDeveloperGUI-based software for training, evaluating and applying deep neural nets for image classification computer-vision
566712020-04-29 23:22:43MedCAT - Medical Concept Annotation ToolA tool used to extract information from Electronic Health Records (EHRs) and link it to biomedical ontologies like SNOMED-CT and UMLS.natural-language-processing
576812020-05-01 16:25:34The AI EconomistImproving Equality and Productivity with AI-Driven Tax Policiesother
586842020-05-01 16:48:19WT5?! Training Text-to-Text Models to Explain their PredictionsWe leverage the text-to-text framework proposed by Raffel et al.(2019) to train language models to output a natural text explanation alongside their prediction.natural-language-processing
596892020-05-01 17:51:53Ensemble Forecasts Time series forecasting using classical methods (ETS, Holt-Winter's, SARIMA) and Prophet. I show and discuss advantages of Ensemble Forecastother
607032020-05-04 05:09:59Implementing Graph Neural Networks with JAXIll talk about my experience on how to build and train Graph Neural Networks (GNNs) with JAX.other
617052020-05-04 14:13:13Deep Learning With Graph-Structured RepresentationsNovel approaches based on the theme of structuring the representations and computations of neural network-based models in the form of a graph.other
627062020-05-04 14:18:58GNNExplainer: Generating Explanations for Graph Neural NetworksGeneral tool for explaining predictions made by graph neural networks (GNNs).other
637102020-05-05 04:01:24Differential Subspace Search in High-Dimensional Latent SpaceDifferential subspace search to allow efficient iterative user exploration in such a space, without relying on domain- or data-specific assumptions.computer-vision
647232020-05-05 19:45:50DeepWay: Autonomous navigation for blind.I have tried to make something which can be used by blind people to navigate around the streets. Have a look at the video and GitHub repo for details.computer-vision
657372020-05-06 18:06:04Nature-Scene Classification using FASTAIClassifying Nature-scene images using deep learning with fastai librarycomputer-vision
667382020-05-06 20:33:00Machine-Learning-Single-Layer-Multiclass-PerceptronImplemented a Single Layer Perceptron and applied it on the MNIST dataset for multi-class classification using NumPy.computer-vision
677802020-05-08 12:06:30Med7 - clinical natural language processing for EHRMed7 is a transferable clinical natural language processing model for electronic health records, compatible with spaCy, for named-entity recognition tasknatural-language-processing
687842020-05-08 14:59:08Haystack — Neural Question Answering At ScaleScaling Question Answering models to find answers in large document stores via retriever and reader approach.natural-language-processing
697852020-05-08 17:13:36SimCLR in TensorFlow 2(Minimally) implements SimCLR (https://arxiv.org/abs/2002.05709) in TensorFlow 2.computer-vision
707872020-05-08 18:15:56Semantic Cord19 Paper ExplorerSemantic research paper explorer to search Research Papers in COVID and CoronaVirus. Can be easily modified to any Research Paper Databasenatural-language-processing
718072020-05-11 02:25:51Introduction to Machine Learning Problem FramingThis course helps you frame machine learning (ML) problems.mlops
728342020-05-13 04:36:33TailorGAN: Making User-Defined Fashion DesignsGenerate a photo-realistic image which combines the texture from reference A and the new attribute from reference B.computer-vision
738432020-05-13 14:49:21T5 fine-tuningA colab notebook to showcase how to fine-tune T5 model on various NLP tasks (especially non text-2-text tasks with text-2-text approach)natural-language-processing
748542020-05-14 12:05:20ASAP: Pooling for Graph Neural Network (AAAI 2020)ASAP is a sparse and differentiable pooling method that addresses the limitations of previous graph pooling layers.other
758782020-05-16 05:27:56Exploratory Data Analysis on MS COCO Style DatasetsA Simple Toolkit to do exploratory data analysis on MS COCO style formatted datasets.computer-vision
768982020-05-17 05:11:22Single-Stage Semantic Segmentation from Image LabelsWe attain competitive results by training a single network model for segmentation in a self-supervised fashion using only image-level annotationscomputer-vision
779062020-05-18 14:50:45NLPAugData augmentation for NLPnatural-language-processing
789162020-05-19 08:11:05Get Subreddit Suggestions for a PostTrained on 4M Reddit posts from 4k Subreddits. End-to-end ML pipeline built with fasttext and FastAPI, deployed to Valohai.natural-language-processing
799172020-05-19 13:45:03Transfer Learning In NLPA brief history of Transfer Learning In NLPnatural-language-processing
809192020-05-20 02:29:48IntelliCode Compose: Code Generation Using TransformerCode completion tool which is capable of predicting sequences of code tokens of arbitrary types, generating up to entire lines of syntactically correct code.natural-language-processing
819432020-05-22 06:27:43Transfer Learning in NLP with Tensorflow Hub and KerasLearn how to integrate and finetune tensorflow-hub modules in Tensorflow 2.0natural-language-processing
829462020-05-22 07:57:14Replicating Airbnb's Amenity Detection (documentary series)Airbnb's engineering team shared an article on how they used computer vision to detection amenities in photos. It read like a recipe so I replicated it.computer-vision
839652020-05-24 08:14:30GANs in Computer Vision : An article review series An article series where we review the most important research papers on GANs from 2015 to today. 6 articles, 20 papers, 20000 wordscomputer-vision
849912020-05-27 05:09:20NLP Viewer 🤗A simple website for browsing popular NLP datasets.natural-language-processing
859992020-05-28 03:32:05MediaPipeSimplest way for researchers and developers to build world-class ML solutions and applications for mobile, edge, cloud and the web. computer-vision
8610112020-05-29 02:57:44ML in Production - Deployment SeriesA multi-part blog series on deploying machine learning models in an automated, reproducible, and auditable manner.mlops
8710192020-05-29 08:14:05Visual Object Tracking using Adaptive Correlation FiltersThis article gives step by step tutorial with code on understanding MOSSE tracking algorithmcomputer-vision
8810322020-05-29 14:50:28Pix2Pix with Tf-jsImplementation of web friendly ML models using TensorFlow.js. pix2pix, face segmentation, fast style transfer and many more ...computer-vision
8910562020-05-30 09:08:31Font Recognition Using Deep Learning - DeepFont ( Adobe )DeepFont Paper is a technique created by Adobe.Inc to detect font from images using deep learning . They published their work as a paper for the public .computer-vision
9010782020-05-31 05:04:44Building Footprint ExtractionThe project retrieves satellite imagery from Google and performs building footprint extraction using a U-Net. computer-vision
9111142020-06-01 21:00:24Reinforcement Learning in JAXImplementation of interesting Deep Reinforcement Learning Algorithms using JAX based libraries (flax, haiku and rlax) As of now tasks come from OpenAI gymother
9211552020-06-03 15:22:11GaborNetModified network architecture that focuses on improving convergence and reducing training complexity.computer-vision
9311592020-06-03 18:17:01Learning To Classify Images Without LabelsA two-step approach where feature learning and clustering are decoupled.computer-vision
9411672020-06-04 03:58:21From Pre-trained Word Embeddings to Pre-trained Language Modelsfrom Static Word Embedding to Dynamic (Contextualized) Word Embedding.natural-language-processing
9511722020-06-04 07:01:13Converting images to TF RecordsA Colab Notebook showing how to convert an image dataset (for classification) to TF Records and more.computer-vision
9612662020-06-09 16:09:08Text Classification using Bert from Tensorflow-HubThis Tutorial helps to learn about Bert Models for Classification task on a #Tweet dataset.natural-language-processing
9712862020-06-10 17:24:19Exploring Knowledge Captured in Probability of StringsAn exploration of simple knowledge captured by language models with code examplesnatural-language-processing
9813632020-06-13 13:46:44Short Notes on Batch Constrained Deep Reinforcement LearningBlog article on Off-Policy Deep Reinforcement Learning without Exploration paper by Fujimoto et al. (ICML 2019)other
9914262020-06-15 02:34:27From GRU to TransformerHow recurrent units and self-attention are related to each other.natural-language-processing
10014302020-06-15 04:24:12Melanoma ClassificationThis was Shubhamai 3-week project for working a new kaggle competition and deploying a web application to predicting benign or malignant based on images.computer-vision
10114342020-06-15 07:52:13Universal Sentence Encoder Visually ExplainedA deep-dive into how Universal Sentence Encoder learns to generate fixed-length sentence embeddingsnatural-language-processing
10214452020-06-15 17:49:16Image Smoothing via L0 Gradient MinimizationThis is a edge-aware image smoothing algorithm. This algorithm tries to smoothen the image while preserving the global structural information of the image. computer-vision
10314502020-06-15 21:00:47BERT NLP — How To Build a Question Answering BotUnderstanding the intuition with hands-on PyTorch code for BERT fine-tuned on SQuAD.natural-language-processing
10414512020-06-16 01:21:09EfficientDet (PyTorch)A PyTorch implementation of EfficientDet faithful to the original Google implementation with ported weights.computer-vision
10514592020-06-16 03:06:10SuperGlue: Learning Feature Matching with Graph Neural NetworksSuperGlue, a neural network that matches two sets of local features by jointly finding correspondences and rejecting non-matchable points.other
10614622020-06-16 03:28:40Open Compound Domain AdaptationPytorch implementation for "Open Compound Domain Adaptation"computer-vision
10714852020-06-17 16:33:50Sudoku-Game-SolverThis is a Computer Vision Application that solves a 9x9 sudoku board game using Deep Learning and Backtracking algorithm.computer-vision
10814882020-06-17 19:27:36Smart Picture EditorTool to automatically remove unwanted objects from photoscomputer-vision
10914942020-06-18 00:14:40Object Goal Navigation using Goal-oriented Semantic ExplorationEmbodied interactive learning for object detection by using semantic curiosity to learn an exploration policy on set of the training environments.computer-vision
11015012020-06-18 18:17:18Traffic-Sign-Recognition-Using-Deep-LearningThe training dataset contains around 39,000 images while test dataset contains around 12,000 images containing 43 different classes. We will be using Convolutiocomputer-vision
11115082020-06-19 06:43:47Long Form Question Answering with ELI5A model for open domain long form question answering.natural-language-processing
11215112020-06-19 06:54:23RepNet - Class Agnostic Video Repetition Counting in the WildCounting Out Time: Class Agnostic Video Repetition Counting in the Wildcomputer-vision
11315152020-06-19 16:37:10Cut, Paste and Learn: Surprisingly Easy Synthesis for DetectionGenerate synthetic scenes and bounding box annotations for object detection.computer-vision
11415242020-06-20 10:42:25Machine Learning Projects This Repo contains projects done by me while learning the basics. All the familiar types of regression, classification, and clustering methods have been used.natural-language-processing
11515402020-06-21 13:03:19codeBERT - Masked Language Model for source code Tutorial to use codeBERT a MLM for Python code. Model trained from scratch using roBERTanatural-language-processing
11615882020-06-24 03:29:51Multi-task Training with Hugging Face Transformers and NLPA recipe for multi-task training with Transformers' Trainer and NLP datasets.natural-language-processing
11716002020-06-25 00:45:26BERT Distillation with CatalystHow to distill BERT with Catalyst.natural-language-processing
11816282020-06-28 06:12:20Deep Reinforcement Learning Amidst Lifelong Non-StationarityHow can robots learn in changing, open-world environments? We introduce dynamic-parameter MDPs, to capture environments with persistent, unobserved changes. other
11916542020-06-30 03:58:463D Detection and Domain Adaptation1st Place Solution for Waymo Open Dataset Challengecomputer-vision
12016592020-07-01 02:26:20Evaluation of Text Generation: A SurveyEvaluation methods of natural language generation (NLG) and language modeling.natural-language-processing
12116612020-07-01 06:42:59SpineNet: A Novel Architecture for Object DetectionA meta architecture called a scale-permuted model that enables two major improvements on backbone architecture design,iscovered with neural architecture search.computer-vision
12216652020-07-01 07:17:48BERTology Meets BiologyInterpreting Attention in Protein Language Models.natural-language-processing
12316812020-07-03 04:02:52A Survey on Deep Learning for Localization and MappingTowards the Age of Spatial Machine Intelligencecomputer-vision
12416852020-07-03 04:12:28Text Data Cleanup - Dynamic Embedding VisualisationIdentify noisy text in a Machine Translation dataset through dynamic text embedding visualisation.natural-language-processing
12516892020-07-03 04:29:04Offline Reinforcement LearningChallenges, algorithms and benchmarks.other
12616922020-07-03 04:42:45Low-Dimensional Hyperbolic Knowledge Graph EmbeddingsLow-dimensional knowledge graph embeddings that simultaneously capture hierarchical relations and logical patterns.other
12717032020-07-04 09:22:50Awesome Deep RLThis project is built for people who are learning and researching on the latest deep reinforcement learning methods.other
12817092020-07-05 05:25:34Anti-Patterns in NLP (8 types of NLP idiots)A talk which discusses the recurring industrial problems in making NLP solutions. natural-language-processing
12917152020-07-06 18:25:16Image ClassifierPure JavaScript Image Classifiercomputer-vision
13017172020-07-07 04:09:35TaBERTPretraining for Joint Understanding of Textual and Tabular Datanatural-language-processing
13117192020-07-07 04:17:11TextheroText preprocessing, representation and visualization from zero to hero.natural-language-processing
13217432020-07-09 01:51:41How to Benchmark Models with TransformersHuggingFace's Transformer library allows users to benchmark models for both TensorFlow 2 and PyTorch using the PyTorchBenchmark and TensorFlowBenchmark classes.natural-language-processing
13317562020-07-10 02:53:13Linear Attention TransformerA fully featured Transformer that mixes (QKᵀ)V local attention with Q(KᵀV) global attention (scales linearly with respect to sequence length).natural-language-processing
13417702020-07-11 05:12:49imgaugImage augmentation for machine learning experiments. computer-vision
13517792020-07-11 05:48:03All Models and checkpoints - Hugging FaceMassive (and growing) collection of NLP models are nearly any NLP tasks, especially those involving the use of transformers.natural-language-processing
13617992020-07-11 06:49:38FlashTextExtract Keywords from sentence or Replace keywords in sentences. natural-language-processing
13718042020-07-11 07:04:25Text Preprocessing in Python using spaCy libraryIn this article, we have explored Text Preprocessing in Python using spaCy library in detail. This is the fundamental step to prepare data for applications.natural-language-processing
13818052020-07-11 07:12:32Segmentation ModelsSegmentation models with pretrained backbones. Keras and TensorFlow Keras. computer-vision
13918252020-07-11 08:43:20MLflow: A Machine Learning Lifecycle PlatformOpen source platform for the machine learning lifecycle.mlops
14018272020-07-11 08:56:02token2indexA lightweight but powerful library to build token indices for NLP tasks, compatible with major Deep Learning frameworks like PyTorch and Tensorflow.natural-language-processing
14118532020-07-13 20:23:32The Transformer Neural Network Architecture Explained⚙️ It is time to explain how Transformers work. If you are looking for an easy explanation, you are exactly right!natural-language-processing
14218582020-07-14 03:30:14QSVMQuantum SVM for sentiment analysisnatural-language-processing
14318662020-07-14 22:58:15PYthon Automated Term ExtractionTerm extraction algorithms such as C-Value, Basic, Combo Basic, Weirdness and Term Extractor using spaCy POS tagging.natural-language-processing
14418702020-07-15 20:38:36Interpretability and Analysis of Models for NLPAn in-depth look at interpretability and analysis of models for NLP (ACL 2020).natural-language-processing
14518882020-07-17 16:53:37Monitoring Machine Learning Models in ProductionOnce you have deployed your machine learning model to production it rapidly becomes apparent that the work is not over.mlops
14619012020-07-19 08:31:43Quora Question Pair SimilarityIdentify which questions asked on Quora are duplicates of questions that have already been asked. Using Text features, classifying them as duplicates or not. natural-language-processing
14719052020-07-19 14:51:57PyTorch CNN TrainerA simple package to fine-tune CNNs from torchvision and Pytorch Image models by Ross Wightman.computer-vision
14819342020-07-21 01:47:01GrapheinProtein Graph Libraryother
14919352020-07-21 04:44:52Integrated Gradients in TensorFlow 2In this tutorial, you will walk through an implementation of IG step-by-step in TensorFlow 2 to understand the pixel feature importances of an image classifier.computer-vision
15019502020-07-23 00:42:09GPT-3: A Hitchhiker's GuidePost to guide your thinking on GPT-3.natural-language-processing
15119592020-07-24 10:00:13TeachEasy: Web app for Text Summarization & Q/A generationAn intuitive Streamlit based web app for Text Summarization and Question Answer generation so as to reduce the work for School teachers.natural-language-processing
15219612020-07-24 10:38:52Python Template for All ProjectsA template that gives the batteries required to package code, CI checks, auto build and deploy docs, easy PyPi publishing support and docker files.mlops
15319642020-07-25 02:52:36MLOps Tutorial SeriesHow to create an automatic model training & testing setup using GitHub Actions and Continuous Machine Learning (CML).mlops
15419722020-07-27 02:54:19Evolution of Representations in the TransformerThe evolution of representations of individual tokens in Transformers trained with different training objectives (MT, LM, MLM - BERT-style).natural-language-processing
15519752020-07-27 14:09:26Ensemble methods for object detectionIn this repository, we provide the code for ensembling the output of object detection models, and applying test-time augmentation for object detection. This libcomputer-vision
15619762020-07-27 14:12:03Close-Domain fine-tuning for table detectionIn this project, we show the benefits of using models trained on a close domain, using the TableBank dataset, for fine-tuning table detection models. In additiocomputer-vision
15719972020-07-29 16:13:46Image Classification by @carrycooldudeImage Classification using TFLite and ImageNet by @carrycooldudecomputer-vision
15820072020-07-30 14:47:39CLoDSA: A Tool for Augmentation in Computer Vision tasksCLoDSA is an open-source image augmentation library for object classification, localization, detection, semantic segmentation and instance segmentation. It suppcomputer-vision
15920102020-07-30 15:00:43FrImCla: A framework for image classification FrImCla is an open-source framework for Image Classification using traditional and deep learning techniques. It supports a wide variety of deep learning and ccomputer-vision
16020112020-07-30 15:02:04UFOD: A Unified Framework for Object DetectionUFOD is an open-source framework that enables the training and comparison of object detection models on custom datasets using different underlying frameworks ancomputer-vision
16120232020-08-01 14:46:19Why You Should Do NLP Beyond English7000+ languages are spoken around the world but NLP research has mostly focused on English. This post outlines why you should work on languages other than Eng.natural-language-processing
16220252020-08-01 14:57:11Haystack — Neural Question Answering At Scale🔍 Transformers at scale for question answering & search natural-language-processing
16320342020-08-03 04:00:29Finding Similar Documents with TransformersHow transformers can help us distill text documents into points in N-dimensional vector spaces.natural-language-processing
16420402020-08-04 18:00:56A Barebones Image Retrieval SystemThis project presents a simple framework to retrieve images similar to a query image.computer-vision
16520562020-08-06 00:30:49Fast Sentence Embeddings (fse)Fast Sentence Embeddings is a Python library that serves as an addition to Gensim.natural-language-processing
16621312020-08-13 01:39:01How to Trust Your Deep Learning CodeWe will focus on how to write reusable unit tests, so that you “Dont repeat yourself”.mlops
16721372020-08-13 02:10:03Unpopular Opinion - Data Scientists Should Be More End-to-EndI believe data scientists can be more effective by being end-to-end.mlops
16821722020-08-18 04:12:18Compression of Deep Learning Models for Text: A SurveyIn this survey, we discuss six different types of methods for compression of such models to enable their deployment in real industry NLP projects.natural-language-processing
16921862020-08-18 23:24:41AI in Medicine and Imaging - Stanford Symposium 2020Through the AIMI Symposium we hope to address gaps and barriers in the field and catalyze more evidence-based solutions to improve health for all.computer-vision
17021952020-08-20 20:45:52Streamlit Terran TimelineA face-recognition timeline generator tool for any kind of video!computer-vision
17121992020-08-21 08:37:20How to Set Up Continuous Integration for Machine LearningHow to Set Up Continuous Integration for Machine Learning with Github Actions and Neptune: Step by Step Guide.mlops
17222002020-08-21 12:45:54Bad passwords and the NIST guidelinesExample project provided by DataCamp. In this project, you will write code that automatically detects and flags the bad passwords.natural-language-processing
17322322020-08-27 11:00:34GenRLGenRL is a PyTorch-First Reinforcement Learning library centered around reproducible and generalizable algorithm implementations.other
17422462020-08-30 06:05:21Questgen- An NLP library for state-of-the-art Question GenerationQuestgen AI is an opensource, easy to use NLP library for Question generation. It can generate MCQs, Boolean (Yes/No), FAQs and also paraphrase any question. natural-language-processing
17522502020-08-31 09:20:55Text Data Augmentation with MarianMTLearn how to use machine translation models in Hugging Face Transformers for data augmentation.natural-language-processing
17622622020-09-03 12:10:24R.U.StokedNLP (Sentiment Analysis) project to demonstrate a pipeline of data from the very first stage of data collection through ML model deployment.natural-language-processing
17722662020-09-04 01:42:26Wav2Lip: Accurately Lip-syncing Videos In The WildA Lip Sync Expert Is All You Need for Speech to Lip Generation In the Wildcomputer-vision
17822712020-09-05 07:10:06Latest advancements in video streaming with AIAI developments in video streaming using Super-resolution, Per-title encoding, P2Pcomputer-vision
17922892020-09-08 04:12:41ElasticTransformersMaking BERT stretchy. Semantic Elasticsearch with Sentence Transformers.natural-language-processing
18023102020-09-12 12:33:20Image Super-ResolutionIn this project we learn how to train a super-resolution model ESPCN on DIV2K dataset to upscale images using AI by 3xcomputer-vision
18123122020-09-12 22:33:56CodequestionAsk coding questions directly from the terminal.natural-language-processing
18223362020-09-19 08:40:37G-SimCLRTensorFlow implementation of G-SimCLR. computer-vision
18323392020-09-19 11:17:48Neural CDEs for Long Time-Series via the Log-ODE MethodNCDEs for Long Time-Series via the Log-ODE Method.other
18423502020-09-22 03:07:29Part 1: Deep Representations, a way towards neural style transferA top down approach to conceiving neural style transfercomputer-vision
18523662020-09-25 02:26:00Help-Me-Read: Text Summarization using Flask and HuggingFace.Text summarization, translation and Questions Answers generation using HuggingFace and deployed using Flask, Streamlit. Detailed guide on github. natural-language-processing
18623672020-09-25 07:39:43Interactive Analysis of Sentence EmbeddingsLearn how to interactively explore sentence embedding and labels in Tensorflow Embedding Projector.natural-language-processing
18723902020-09-28 05:46:03mini-pokedex end to end tutorial - Gotta classify 'em all!Build a Pokemon image classifier to classify the awesome starters Pikachu, Charmander, Squirtle, and Bulbasaur.computer-vision
18823942020-09-28 22:46:36Why Data Quality is Key to Successful ML OpsA look at ML Ops and highlight how and why data quality is key to ML Ops workflows.mlops
18924032020-09-30 22:15:07Easy Data Augmentation (EDA)Easy Data Augmentation Techniques for Boosting Performance on Text Classification Tasksnatural-language-processing
19024132020-10-01 23:50:04Keeping Data Pipelines healthy w/ Great Expectations GH ActionsWe show you how you can use GitHub Actions together with the open source project Great Expectations to automatically test, document, and profile data pipelines.mlops
19124282020-10-05 02:09:23Efficient Transformers: A SurveyCharacterizes a large and thoughtful selection of recent efficiency-flavored "X-former" models.natural-language-processing
19224292020-10-05 02:16:34Meta-learning for Few-shot Natural Language Processing: A SurveyClear definitions, progress summary and some common datasets of applying meta-learning to few-shot NLP.natural-language-processing