All Projects → Vaibhavs10 → 10_days_of_deep_learning

Vaibhavs10 / 10_days_of_deep_learning

Licence: other
10 days 10 different practical applications of Deep Learning (primarily NLP) using Tensorflow and Keras

Programming Languages

Jupyter Notebook
11667 projects

Projects that are alternatives of or similar to 10 days of deep learning

Wordembeddings Elmo Fasttext Word2vec
Using pre trained word embeddings (Fasttext, Word2Vec)
Stars: ✭ 146 (+421.43%)
Mutual labels:  classification, gensim
Nlp Journey
Documents, papers and codes related to Natural Language Processing, including Topic Model, Word Embedding, Named Entity Recognition, Text Classificatin, Text Generation, Text Similarity, Machine Translation),etc. All codes are implemented intensorflow 2.0.
Stars: ✭ 1,290 (+4507.14%)
Mutual labels:  classification, gensim
knodle
A PyTorch-based open-source framework that provides methods for improving the weakly annotated data and allows researchers to efficiently develop and compare their own methods.
Stars: ✭ 76 (+171.43%)
Mutual labels:  classification
immuneML
immuneML is a platform for machine learning analysis of adaptive immune receptor repertoire data.
Stars: ✭ 41 (+46.43%)
Mutual labels:  classification
ml-workflow-automation
Python Machine Learning (ML) project that demonstrates the archetypal ML workflow within a Jupyter notebook, with automated model deployment as a RESTful service on Kubernetes.
Stars: ✭ 44 (+57.14%)
Mutual labels:  classification
auditor
Model verification, validation, and error analysis
Stars: ✭ 56 (+100%)
Mutual labels:  classification
classification
Catalyst.Classification
Stars: ✭ 35 (+25%)
Mutual labels:  classification
Loan-Approval-Prediction
Loan Application Data Analysis
Stars: ✭ 61 (+117.86%)
Mutual labels:  classification
mmrazor
OpenMMLab Model Compression Toolbox and Benchmark.
Stars: ✭ 644 (+2200%)
Mutual labels:  classification
nlpbuddy
A text analysis application for performing common NLP tasks through a web dashboard interface and an API
Stars: ✭ 115 (+310.71%)
Mutual labels:  gensim
biovec
ProtVec can be used in protein interaction predictions, structure prediction, and protein data visualization.
Stars: ✭ 23 (-17.86%)
Mutual labels:  gensim
simpleAICV-pytorch-ImageNet-COCO-training
SimpleAICV:pytorch training example on ImageNet(ILSVRC2012)/COCO2017/VOC2007+2012 datasets.Include ResNet/DarkNet/RetinaNet/FCOS/CenterNet/TTFNet/YOLOv3/YOLOv4/YOLOv5/YOLOX.
Stars: ✭ 276 (+885.71%)
Mutual labels:  classification
ML4K-AI-Extension
Use machine learning in AppInventor, with easy training using text, images, or numbers through the Machine Learning for Kids website.
Stars: ✭ 18 (-35.71%)
Mutual labels:  classification
Fraud-Detection-in-Online-Transactions
Detecting Frauds in Online Transactions using Anamoly Detection Techniques Such as Over Sampling and Under-Sampling as the ratio of Frauds is less than 0.00005 thus, simply applying Classification Algorithm may result in Overfitting
Stars: ✭ 41 (+46.43%)
Mutual labels:  classification
catordog
这是一个基于tensorflow和python的猫狗分类算法
Stars: ✭ 20 (-28.57%)
Mutual labels:  classification
walklets
A lightweight implementation of Walklets from "Don't Walk Skip! Online Learning of Multi-scale Network Embeddings" (ASONAM 2017).
Stars: ✭ 94 (+235.71%)
Mutual labels:  gensim
machine learning from scratch matlab python
Vectorized Machine Learning in Python 🐍 From Scratch
Stars: ✭ 28 (+0%)
Mutual labels:  classification
onelearn
Online machine learning methods
Stars: ✭ 14 (-50%)
Mutual labels:  classification
Point2Sequence
Point2Sequence: Learning the Shape Representation of 3D Point Clouds with an Attention-based Sequence to Sequence Network
Stars: ✭ 34 (+21.43%)
Mutual labels:  classification
supervised-machine-learning
This repo contains regression and classification projects. Examples: development of predictive models for comments on social media websites; building classifiers to predict outcomes in sports competitions; churn analysis; prediction of clicks on online ads; analysis of the opioids crisis and an analysis of retail store expansion strategies using…
Stars: ✭ 34 (+21.43%)
Mutual labels:  classification

10 Days of Deep Learning

I took a challenge upon myself to fast pace my Deep Learning skills using the python data stack. I will take on a real life practical challenge everyday and try to solve it using Deep Learning (Starting from the basics)

Day 1

Text classification using Multi Layered Perceptron and comparing with NN's

TODO:

  1. Use learning rate decay
  2. Batch normalization
  3. More number of epochs

Day 2

Text classification using TFIDF feature matrix and MLP

TODO:

  1. Use LRD, Batch Normalisation
  2. Use Dropout
  3. Further process the TFIDF matrix using TruncatedSVD

Day 3

Text classification using word2vec and MLP

TODO:

  1. Use LRD, Batch Normalisation, Dropout
  2. Tweaking word2vec hyperparams

Day 4

Text classification using Convolutional Neural Networks

TODO:

  1. Use LRD, Batch Normalisation, Dropout
  2. Try a multi-layer Convolutional Network

Day 5

Text classification using Recurrent Neural Networks

TODO:

  1. Use LRD, Batch Normalisation, Dropout
  2. Use a combination of CNN and RNN
Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].