Pinned Repositories
DAM
mergekit
Tools for merging pretrained large language models.
BERT-like-is-All-You-Need
The code for our INTERSPEECH 2020 paper - Jointly Fine-Tuning "BERT-like'" Self Supervised Models to Improve Multimodal Speech Emotion Recognition
GAIL-with-WGAN-loss-for-the-Discriminator
This is about imitation learning using PPO and WGAN-GP loss. This is heavily influenced by GAIL-PPO repository in following link - https://github.com/uidilr/gail_ppo_tf. My agent will get converged to perform his task around 3384 iterations.
IMU-PLOS_LSTM
Using LSTM networks to train IMU data by PLOS - This is custom LSTM-RNN .
Self-Supervised-Embedding-Fusion-Transformer
The code for our IEEE ACCESS (2020) paper Multimodal Emotion Recognition with Transformer-Based Self Supervised Feature Fusion.
SummarizeMe-Digital-Journal
Weakly-supervised BART-based autobiographical text summarization model.
Target-Driven-Visual-Navigation-with-Distributed-PPO
This repository has used AI2THOR CVPR data set.
Variational-Discriminator-Bottleneck-Tensorflow-Implementation
Variational Discriminator Bottleneck: Improving Imitation Learning, Inverse RL, and GANs by Constraining Information Flow - Tensorlfow Implementation
VUSFA-Variational-Universal-Successor-Features-Approximator
This repository contains implementations of the paper VUSFA
shamanez's Repositories
shamanez/Local_Faster_RCNN
This is well described repo for train the faster RCNN /SSD on a local machine
shamanez/LSTM-Sentiment-Analysis
Sentiment Analysis with LSTMs in Tensorflow
shamanez/CarND-Semantic-Segmentation
My solution to the Udacity Self-Driving Car Engineer Nanodegree Semantic Segmentation (Advanced Deep Learning) Project.
shamanez/CommAI-env
A platform for developing AI systems as described in A Roadmap towards Machine Intelligence - http://arxiv.org/abs/1511.08130
shamanez/cs234_reinforcement_learning
the assignment of http://web.stanford.edu/class/cs234/index.html
shamanez/custom_obj
shamanez/Custom_slim
This is for train your model with given data set.
shamanez/deeplearning-papernotes
Summaries and notes on Deep Learning research papers
shamanez/DeepSense
Deepsense: a unified deep learning framework for time-series mobile sensing data processing.
shamanez/end-to-end-negotiator
Deal or No Deal? End-to-End Learning for Negotiation Dialogues
shamanez/FastMaskRCNN
Mask RCNN in TensorFlow
shamanez/five-video-classification-methods
Code that accompanies my blog post outlining five video classification methods in Keras and TensorFlow
shamanez/Gesture_Sweep-
This is the data visualization for the gesture recognition part
shamanez/graph_freezing_OBJ_Detect
Script file has 8 steps . Please read them !
shamanez/keras-inception-resnet-v2
The Inception-ResNet v2 model using Keras (with weight files)
shamanez/matching-networks
Matching Networks for one-shot learning in tensorflow (NIPS'16)
shamanez/models
Models built with TensorFlow
shamanez/Modern_SoundNet
The PyTorch implementation of SoundNet with a more modern way
shamanez/nmt
TensorFlow Neural Machine Translation Tutorial
shamanez/Object-Detector-App
Real-Time Object Recognition App with Tensorflow and OpenCV
shamanez/Object_Detection_Naming-
shamanez/Paper_Notes
This will contain my notes for research papers (mostly machine learning and deep learning).
shamanez/raccoon-dataset
The dataset is used to train my own raccoon detector and I blogged about it on Medium
shamanez/Relation-Network-Tensorflow
Tensorflow implementations of Relational Networks and a VQA dataset named Sort-of-CLEVR proposed by DeepMind.
shamanez/SSD-TF-OD
I have describe the code and how each operation is relevant to the research papers
shamanez/ssd_frozen_modules-
shamanez/tensorflow
Computation using data flow graphs for scalable machine learning
shamanez/tensorflow-seq2seq-tutorials
Dynamic seq2seq in TensorFlow, step by step
shamanez/visual-interaction-networks_tensorflow
Tensorflow Implementation of Visual Interaction Networks
shamanez/vqa.pytorch
Visual Question Answering in Pytorch