All Projects → navneetkrc → Deep-Learning-Experiments-implemented-using-Google-Colab

navneetkrc / Deep-Learning-Experiments-implemented-using-Google-Colab

Licence: other
Colab Compatible FastAI notebooks for NLP and Computer Vision Datasets

Programming Languages

Jupyter Notebook
11667 projects

Projects that are alternatives of or similar to Deep-Learning-Experiments-implemented-using-Google-Colab

Water-classifier-fastai
Deploy your Flask web app classifier on Heroku which is written using fastai library.
Stars: ✭ 37 (+131.25%)
Mutual labels:  classifier, fastai
Laserembeddings
LASER multilingual sentence embeddings as a pip package
Stars: ✭ 125 (+681.25%)
Mutual labels:  embeddings, transfer-learning
game2vec
TensorFlow implementation of word2vec applied on https://www.kaggle.com/tamber/steam-video-games dataset, using both CBOW and Skip-gram.
Stars: ✭ 62 (+287.5%)
Mutual labels:  embeddings, kaggle
Amazon Forest Computer Vision
Amazon Forest Computer Vision: Satellite Image tagging code using PyTorch / Keras with lots of PyTorch tricks
Stars: ✭ 346 (+2062.5%)
Mutual labels:  kaggle, transfer-learning
ulm-basenet
Implementation of ULMFit algorithm for text classification via transfer learning
Stars: ✭ 94 (+487.5%)
Mutual labels:  transfer-learning, fastai
Dogbreed gluon
kaggle Dog Breed Identification
Stars: ✭ 116 (+625%)
Mutual labels:  kaggle, transfer-learning
Multi Class Text Classification Cnn Rnn
Classify Kaggle San Francisco Crime Description into 39 classes. Build the model with CNN, RNN (GRU and LSTM) and Word Embeddings on Tensorflow.
Stars: ✭ 570 (+3462.5%)
Mutual labels:  embeddings, kaggle
steam-stylegan2
Train a StyleGAN2 model on Colaboratory to generate Steam banners.
Stars: ✭ 30 (+87.5%)
Mutual labels:  colab-notebook, google-colab-notebook
Keras transfer cifar10
Object classification with CIFAR-10 using transfer learning
Stars: ✭ 120 (+650%)
Mutual labels:  classifier, transfer-learning
Sytora
A sophisticated smart symptom search engine
Stars: ✭ 111 (+593.75%)
Mutual labels:  classifier, embeddings
google-retrieval-challenge-2019-fastai-starter
fast.ai starter kit for Google Landmark Retrieval 2019 challenge
Stars: ✭ 62 (+287.5%)
Mutual labels:  kaggle, fastai
speech-recognition-transfer-learning
Speech command recognition DenseNet transfer learning from UrbanSound8k in keras tensorflow
Stars: ✭ 18 (+12.5%)
Mutual labels:  kaggle, transfer-learning
Music-Genre-Classification
Genre Classification using Convolutional Neural Networks
Stars: ✭ 27 (+68.75%)
Mutual labels:  transfer-learning, fastai
Keras-Application-Zoo
Reference implementations of popular DL models missing from keras-applications & keras-contrib
Stars: ✭ 31 (+93.75%)
Mutual labels:  embeddings, transfer-learning
icedata
IceData: Datasets Hub for the *IceVision* Framework
Stars: ✭ 41 (+156.25%)
Mutual labels:  fastai, computer-vision-datasets
Hub
A library for transfer learning by reusing parts of TensorFlow models.
Stars: ✭ 3,007 (+18693.75%)
Mutual labels:  embeddings, transfer-learning
pghumor
Is This a Joke? Humor Detection in Spanish Tweets
Stars: ✭ 48 (+200%)
Mutual labels:  classifier, jokes
histopathologic cancer detector
CNN histopathologic tumor identifier.
Stars: ✭ 26 (+62.5%)
Mutual labels:  kaggle, transfer-learning
kuzushiji-recognition
Kuzushiji Recognition Kaggle 2019. Build a DL model to transcribe ancient Kuzushiji into contemporary Japanese characters. Opening the door to a thousand years of Japanese culture.
Stars: ✭ 16 (+0%)
Mutual labels:  kaggle, fastai
CPCE-3D
Low-dose CT via Transfer Learning from a 2D Trained Network, In IEEE TMI 2018
Stars: ✭ 40 (+150%)
Mutual labels:  transfer-learning

Colab_fastai

Colab Compatible FastAI notebooks for mainly NLP, Computer Vision, and Recommender Systems. Fastai describes the work in 4 forms:

1. Tabular- We are provided with a Tabular Data and we need to do Regression/ Classification. Jeremy believes in using Deep Learning wherever we can and for the situation where we are not sure about Deep Learning implement Random Forests as taught in ML series.

Find more related works at https://github.com/navneetkrc/Colab_fastai/tree/master/Tabular

2. NLP- Here we have NLP related tasks and we are using ULMFiT models as our Embeddings and find great results. This is based on Language Models, they are fine-tuned to our Dataset to include dataset specific words and sentence structure. The Language Model training is converted into semisupervised task by trying to predict the next word, using Transfer Learning starting from WikiText model and finetuning for our dataset, and we implement our text classifier from scratch based on the newly finetuned word embeddings.

Find more related work at https://github.com/navneetkrc/Colab_fastai/tree/master/NLP

3. CV- Image Datasets- Here we have a lot of Images as our data and we want to implement image classifiers usually. Here we use transfer learning and we use one of the Imagenet pretrained model and finetune it as well for our dataset and the classifier part gives probability distribution for the classes that we want for prediction.

Find such datasets and work at https://github.com/navneetkrc/Colab_fastai/tree/master/Image%20Datasets

4. Recommender Systems- Here we implement Recommender Systems based on User and Item Embeddings and it turns out that by using these simple approach we are able to get good results for recommender systems.

Find more related work at https://github.com/navneetkrc/Colab_fastai/tree/master/Recommender%20Systems

Major Highlights of the projects/work done

Computer Vision Projects

https://github.com/navneetkrc/Colab_fastai/blob/master/Image%20Datasets/Intel_Image_Classification3.ipynb This is a Google Colab Notebook on the Intel Image Classification hosted on the Analytics Vidhya In this There are 17034 images in train and 7301 images in test data. The categories of natural scenes and their corresponding labels in the dataset are as follows - 'buildings' -> 0, 'forest' -> 1, 'glacier' -> 2, 'mountain' -> 3, 'sea' -> 4, 'street' -> 5 Reached 95% accuracy on the validation data, in order to classifiy with more accuracy need to handle the mislabelled data that we provide as part of training data, for now it is not done as it is more time taking.

https://github.com/navneetkrc/Colab_fastai/blob/master/Image%20Datasets/food_image.ipynb This is Google Colab Notebook for the Food Data Hackathon hosted by Rakuten in which I got good accuracy almost Top 10 but was not able to submit the test results, after the added documentation in the FASTAI library testing for the test data and adding for that has become more convenient and same has been applied in the Intel Image Classification Challenge as well.

https://github.com/navneetkrc/Colab_fastai/blob/master/Image%20Datasets/KYC_multimodels.ipynb This Google Colab notebook is for KYC verification of ID documents and classify them correctly as Aadhar, Pancard, DL, Passport, VoterID, data is scraped from Google and by only using 30 images for each classes I was getting good results. This can be extended to any number of documents just need to add the corresponding data.

NLP Based Projects

NewsGroup DataSet https://github.com/navneetkrc/Colab_fastai/blob/master/NLP/NewsGroup_ULMFiT_fastai_Text_Classification.ipynb is the first project in NLP, in this we used a lot of sklearn data handling as well and suggest this to be your first dataset as well to check your understanding. This is the example I used in my Meetup presentation.

Medicinal Review Rating prediction- https://github.com/navneetkrc/Colab_fastai/blob/master/NLP/Medicine_review_ULMFiT_fastai_Short.ipynb This is a Google Colab Notebook on the medicinal dataset provided on Kaggle !kaggle datasets download -d jessicali9530/kuc-hackathon-winter-2018

In this I created a subtask of getting the reviews and the Rating. I have created a Classifier model in which I predict the Rating that a user would give based only on text. Next iterations I will add more columns and see how adding those columns will affect the results.

AV_Funny_Jokes https://github.com/navneetkrc/Colab_fastai/blob/master/NLP/AV_Funny_jokes.ipynb is a dataset provided by Analytics Vidhya where they provide text dataset of jokes and then based on different users and joke we predict what rating would a new user give to the joke.

FASTAI Movie Review https://github.com/navneetkrc/Colab_fastai/blob/master/NLP/fast_ai_movie_review.ipynb This is just the Colab Implementation of the Lecture in FASTAIV3 for the NLP example.

Yelp Movie Review using FASTAI V1 https://github.com/navneetkrc/Colab_fastai/blob/master/NLP/YELP_review_ULMFiT_fastai_Short.ipynb Similar to the FASTAI dataset of movie review this one is also there, very big dataset and that is the only thing that restricts us for now in training in the Google Colab envirionment, rest is ready and well documented.

Recommender Systems

MovieLens Recommender Systems based on User and Movie Embeddings using only PyTorch https://github.com/navneetkrc/Colab_fastai/blob/master/Recommender%20Systems/Emb_based_RecSys_PyTorch/movielens_emb_pytorch.ipynb

I will keep adding more projects and try out some of the projects based on the FASTAI V3 Part 2.

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].