Pinned Repositories
FrankaEmikaRobot
Training a virtual franka emika robot with SAC algorithm and Hindsight Experience Replay buffer.
Generative-Audio-VAE
Generating audio samples using variational autoencoder.
Humanoid-Automation
Using SAC algorithm to train the humanoid in mujoco environment.
ImageCompression-SVD
Compressing an image with singular value decomposition using numpy
ImitationLearning-AutomatedCar
Using imitation learning (DAgger algorithm) to solve the CarRacing environment in openai-gym.
Machine-Learning
Learning various ml models
Machine-Translation
Implementing transformer architecture from scratch and training it to perform English to Italian translation.
NaiveBayesClassifier
Creating a naive bayes classifier with numpy to create a confusion matrix of any categorical data
NLP-Specialization
Coursework and Assignments for natural language processing specialization by deeplearning.ai
RasaScribe
A Rasa Chatbot which helps you with generation of scripts, captions and hashtags!
AkshayKulkarni3467's Repositories
AkshayKulkarni3467/ImitationLearning-AutomatedCar
Using imitation learning (DAgger algorithm) to solve the CarRacing environment in openai-gym.
AkshayKulkarni3467/FrankaEmikaRobot
Training a virtual franka emika robot with SAC algorithm and Hindsight Experience Replay buffer.
AkshayKulkarni3467/Humanoid-Automation
Using SAC algorithm to train the humanoid in mujoco environment.
AkshayKulkarni3467/Machine-Translation
Implementing transformer architecture from scratch and training it to perform English to Italian translation.
AkshayKulkarni3467/NLP-Specialization
Coursework and Assignments for natural language processing specialization by deeplearning.ai
AkshayKulkarni3467/RasaScribe
A Rasa Chatbot which helps you with generation of scripts, captions and hashtags!
AkshayKulkarni3467/Generative-Audio-VAE
Generating audio samples using variational autoencoder.
AkshayKulkarni3467/Astar-Algo-Visualization
Creating a visualization for A* algorithm with heuristic function of manhattan distance using pygame.
AkshayKulkarni3467/Automated-SnakeAndApple
Training an agent to play snake and apple using stable baselines3 on a custom environment created by openai-gym
AkshayKulkarni3467/BipelWalker-DDPG
Training Bipedal Walker of openai gym on DDPG algorithm. This algorithm is used to find deterministic policies over a continuous action space.
AkshayKulkarni3467/BlackJackRL
Playing Blackjack using Monte Carlo learning with the epsilon greedy strategy.
AkshayKulkarni3467/CuriousityDrivenA3C
Training an agent to explore a hallway using A3C algorithm and Intrinsic Curiousity Module RL.
AkshayKulkarni3467/DeepQ-Networks
Implementing deep q-networks for the cart pole problem in reinforcement learning.
AkshayKulkarni3467/DEX-Tracker
An app which shows your crypto market trades and tracks anamolies in transactions of any address provided
AkshayKulkarni3467/Dungeon_Blockchain
A decentralized social media platform which is built on a blockchain for transfer of funds and rewards between influencers and small creators.
AkshayKulkarni3467/Fine-Tuned-LLMs
Trying out huggingface library to fine tune various models like BERT, GPT-2, T5, etc
AkshayKulkarni3467/Food-Guesser
Developing a cnn model using mini dataset of Food101 which seperates the food into pizza, steak and sushi
AkshayKulkarni3467/Langchain-Framework
Trying out langchain and its various packages
AkshayKulkarni3467/MultiArmedBandit
Here, we solve the multi-armed bandit problem using a classical epsilon-greedy agent with reward-average sampling as the estimate to action-value Q.
AkshayKulkarni3467/NAF_DQN
DQN for contineous action spaces by using normalized advantage function (NAF). This project intends to solve the lunarLander environment of openai-gym.
AkshayKulkarni3467/PicknDropGame
Implementing the Q learning algorithm by PicknDrop game. Here a carrier has to pickup a client and drop him off to the specified location.
AkshayKulkarni3467/Pixel-Grid
Pixel grid places any design on a surface of an image while keeping the objects on the surface in place. You can resize, reshape and rotate the design as per your need.
AkshayKulkarni3467/POS-Tagging
Implementing parts of speech tagging using hidden markov models and viterbi algorithm.
AkshayKulkarni3467/PPO-algorithm
Using proximal policy optimization in the cart pole problem of reinforcement learning.
AkshayKulkarni3467/PyTorch
Learning pytorch from scratch
AkshayKulkarni3467/TD3-AntMuJoCo
Training the Ant environment in MuJoCo using TD3 approach of reinforcement learning.
AkshayKulkarni3467/TodoList-React
A todolist which uses localStorage as its memory
AkshayKulkarni3467/TodoList-with-flutter
AkshayKulkarni3467/ViT-Transformer
Replicating a machine learning research paper and creating a Vision Transformer (ViT) from scratch using PyTorch.
AkshayKulkarni3467/Word2Vec
Implementing the Word2Vec algorithm to generate word embeddings from scratch and trying out the gensim library for abstract word embedding generation.