deltonmyalil
Secure and Private Artificial Intelligence Researcher at TCS Research and Innovation Labs
TCS Research and Innovation LabsKochi, India
Pinned Repositories
AlgoLab
Programs done in algo lab
AOSLab
Programs done in AOS Lab
ArraysListsProblems
Basic Problem Solving using arrays
BidirectionalLSTM_TwitterNamedEntityRecognition
Make LSTMs Great Again: In this age of transformers, lets go back to Bidirectional LSTM to do a very basic Sequence Tagging Task in NLP: Named Entity Recognition (NER) on Twitter data.
CryptocurrencyAnalytics
Cryptocurrency data analysis and prediction for short term investment. Data Science Project for MTech Artificial Intelligence course at University of Hyderabad.
Pole-Balancing-Agent-Reinforcement-Learning
Teaching an agent to balance a pole on a cart using Policy Gradient Reinforcement Learning with Tensorflow and OpenAI-gym
Pytorch_learning
I am bored with tensorflow. So, it was either this, or cleaning my room to pass time in lockdown. Not proud of it. Move along. Stay home, stay safe.
Secure_and_Private_AI_Federated_Learning
Federated Learning is a privacy preserving and secure way of collaborative and distributed learning. Here, model training can be done by the contribution of data from multiple parties without actually sharing the data with each other. This is an interdisciplinary field which loans theory from cryptography and statistics to facilitate private artificial intelligence. This repo will contain my walkthrough of the Andrew Trask course of Secure and Private AI
TelecomChurnPrediction
Business Data Analytics, MTech Artificial Intelligence Project done by Delton Myalil and Garima Jain. This is a Machine Learning, binary classification problem complete with both predictive and descriptive analytics of the data.
TransferLearning-and-FineTuning-MobileNetV2-for-CatsAndDogs
Using the tf.keras.applications to load an Imagenet trained 155 layer MobileNetV2 and then training the Cats and Dogs dataset via Transfer Learning. Further accuracy is improved using Fine Tuning the last 50 layers.
deltonmyalil's Repositories
deltonmyalil/Secure_and_Private_AI_Federated_Learning
Federated Learning is a privacy preserving and secure way of collaborative and distributed learning. Here, model training can be done by the contribution of data from multiple parties without actually sharing the data with each other. This is an interdisciplinary field which loans theory from cryptography and statistics to facilitate private artificial intelligence. This repo will contain my walkthrough of the Andrew Trask course of Secure and Private AI
deltonmyalil/TransferLearning-and-FineTuning-MobileNetV2-for-CatsAndDogs
Using the tf.keras.applications to load an Imagenet trained 155 layer MobileNetV2 and then training the Cats and Dogs dataset via Transfer Learning. Further accuracy is improved using Fine Tuning the last 50 layers.
deltonmyalil/CryptocurrencyAnalytics
Cryptocurrency data analysis and prediction for short term investment. Data Science Project for MTech Artificial Intelligence course at University of Hyderabad.
deltonmyalil/BidirectionalLSTM_TwitterNamedEntityRecognition
Make LSTMs Great Again: In this age of transformers, lets go back to Bidirectional LSTM to do a very basic Sequence Tagging Task in NLP: Named Entity Recognition (NER) on Twitter data.
deltonmyalil/Pytorch_learning
I am bored with tensorflow. So, it was either this, or cleaning my room to pass time in lockdown. Not proud of it. Move along. Stay home, stay safe.
deltonmyalil/TelecomChurnPrediction
Business Data Analytics, MTech Artificial Intelligence Project done by Delton Myalil and Garima Jain. This is a Machine Learning, binary classification problem complete with both predictive and descriptive analytics of the data.
deltonmyalil/AlgoLab
Programs done in algo lab
deltonmyalil/AOSLab
Programs done in AOS Lab
deltonmyalil/Pole-Balancing-Agent-Reinforcement-Learning
Teaching an agent to balance a pole on a cart using Policy Gradient Reinforcement Learning with Tensorflow and OpenAI-gym
deltonmyalil/ConvolutionalNeuralNetsWithTensorFlow
Notebook files that shows my notes and code for CNN using TF
deltonmyalil/DeepLearningBabySteps
Learning Deep Learning from scratch. Implementing GradDesc, NN, Softmax, etc. PDF of notes will be added later.
deltonmyalil/DSPLab
Programs done in DSPLAB
deltonmyalil/ERNIE
An Implementation of ERNIE For Language Understanding (including Pre-training models and Fine-tuning tools)
deltonmyalil/FederatedPretraining
Template for coding for LLM use-case. Follow this file structure.
deltonmyalil/HeartDiseasePrediction
Doing EDA and classification of Heart disease. Employs Statistical as well as Neural Network methods in prediction.
deltonmyalil/IIIT_Hyderabad_DataScience_Workshop
IEEE workshop on Data Science on excel, SQL and R
deltonmyalil/MachineLearningAndDS
Learning from Kirill Eremenko's course on Machine Learning and Data Science Hands-On.
deltonmyalil/machineLearningTensorFlow
Initial Trial
deltonmyalil/ML_Lab_Project
final-commit_I-Hope
deltonmyalil/MonteCarloSimulation
A simple numpy implemented Monte Carlo Simulation. To generate simulation pandas DataFrame.
deltonmyalil/NaturalLanguageProcessingTrials
Systematic Numbered files to learn concepts in NLP. Following the coursera course of Natural Language Processing
deltonmyalil/NLP_Classification_Fake_Articles
Experimentation with NLP
deltonmyalil/RecurrentNeuralNetworksWithTensorflow
Exploring RNN with Tensorflow - both implementing manually and using the TF APIs. Finally. Included LSTM and GRU.
deltonmyalil/Reinf_Learning_Trading_Bot_training
deltonmyalil/ReinfLearningSEproject
Reinforcement Learning project for finding the best ad with the maximum click through rate with Thompson Sampling and Upper Confidence Bound. Project for Software Engineering course at University of Hyderabad, Mtech Artificial Intelligence.
deltonmyalil/StackOverFlowTagsPrediction
Given a stackoverflow post, predict its tags. Project in Natural Language Processing and Multilabel Classification.
deltonmyalil/StructuralSimilarityInImages
Shows how structural similarity metric is a better metric for checking the similarities between two images
deltonmyalil/TensorFlowTrialsBeforeTheBigOne
Getting familiar with tensorflow and making a NN that mimics its APIs as TF. This is the last (hopefully) trial with tensorflow before the actual project starts.
deltonmyalil/TFAPItrials
Trial on Keras and Estimator
deltonmyalil/Word2VecTensorflow
Implementing Word2Vec in Tensorflow (NOTE: better to go with gensim in project)