pradeepsinngh
Computational Science | Deep Learning Intern @ Dassault Systemes
San Diego State UniversitySan Diego, CA
Pinned Repositories
A-Problem-A-Day
My solution to daily coding problems from leetcode and Hackerrank.
Autoencoders
Implementation of denoise, sparse, contractive, variational autoencoder (VAE) and Beta-VAE in Tensorflow 2.0.
Data-Science-101
Notes and tutorials on how to use python, pandas, seaborn, numpy, matplotlib, scipy for data science.
Data-Science-Tutorials
Tutorial on How To Use Python, Pandas, Seaborn, Numpy, Matplotlib, Scipy for Data Science.
fft-dft-opencl
Implementation of DFT and FFT in OpenCL
Image-Super-Resolution
Implementation of SOTA Super Resolution Models using CNNs in TensorFlow 2.0.
Neural-Machine-Translation
Experiments with different NMT (neural machine translation) models using TensorFlow, Keras.
Parallel-Deep-Learning-in-Python
Parallelizing Deep Learning using MPI and GPU.
Quick-Machine-Learning-Notes
Quick notes on Machine Learning. Read on the fly.
Visual-Recognition-using-CNN
Image classification using ConvNets models for Fashion-MNIST dataset.
pradeepsinngh's Repositories
pradeepsinngh/Neural-Machine-Translation
Experiments with different NMT (neural machine translation) models using TensorFlow, Keras.
pradeepsinngh/Data-Science-101
Notes and tutorials on how to use python, pandas, seaborn, numpy, matplotlib, scipy for data science.
pradeepsinngh/Quick-Machine-Learning-Notes
Quick notes on Machine Learning. Read on the fly.
pradeepsinngh/Data-Science-Tutorials
Tutorial on How To Use Python, Pandas, Seaborn, Numpy, Matplotlib, Scipy for Data Science.
pradeepsinngh/A-Problem-A-Day
My solution to daily coding problems from leetcode and Hackerrank.
pradeepsinngh/Visual-Recognition-using-CNN
Image classification using ConvNets models for Fashion-MNIST dataset.
pradeepsinngh/Autoencoders
Implementation of denoise, sparse, contractive, variational autoencoder (VAE) and Beta-VAE in Tensorflow 2.0.
pradeepsinngh/fft-dft-opencl
Implementation of DFT and FFT in OpenCL
pradeepsinngh/Parallel-Deep-Learning-in-Python
Parallelizing Deep Learning using MPI and GPU.
pradeepsinngh/numerical-solutions-for-PDE
Numerical Solutions for PDE's | Heat Equation, Poisson Equation, Wave Equation
pradeepsinngh/Statistical-Data-Analysis-using-R
Intro to Statistical Data Analysis using R
pradeepsinngh/Data-Science-Projects
List of data science project I have worked on along with data, code and visualization.
pradeepsinngh/DeepClean
Python package for pre-processing and cleaning (text and image) data.
pradeepsinngh/Few-Shot-Learning-TensorFlow
Few-shot learning with neural networks in TensorFlow 2.0.
pradeepsinngh/Numerical-Optimization-Notes
My notes and implementation of different numerical optimization algorithms.
pradeepsinngh/Image-Super-Resolution
Implementation of SOTA Super Resolution Models using CNNs in TensorFlow 2.0.
pradeepsinngh/Algorithms-in-Python
All algorithms and data structures implemented in python.
pradeepsinngh/Bayesian-Optimization
Bayesian Optimization for Machine Learning
pradeepsinngh/Churn-Prediction
Churn Prediction using Machine Learning (PySpark and Scikit-learn)
pradeepsinngh/explore-python
A Beginners guide to Python 3.
pradeepsinngh/masters-thesis
MS Thesis: Models for propagating facilitation in the Insect Visual System.
pradeepsinngh/MNIST-Handwritten-Digit-Recognition
Handwritten digit (MNIST) recognition using different neural network models.
pradeepsinngh/naive-bayes-spam-classifier
Classification of messages as spam or not spam using Naive Bayes algorithm.
pradeepsinngh/Notes-on-Bayesian-Inference
My notes on Bayesian Inference and Probabilistic Programming.
pradeepsinngh/practice-parallel-programming
This repository includes all the code I'll write for practicing and learning parallel computing.
pradeepsinngh/pradeepsinngh.github.io
Personal Website -
pradeepsinngh/sentiment-analysis
An end-to-end sentiment classification system from scratch using Naive bayes classifier and RNN.
pradeepsinngh/Talks-and-Workshops
Slides of talks and workshops that I have given/conducted at various venues.
pradeepsinngh/TensorFlow-Tutorials
TensorFlow 2.0 Tutorials
pradeepsinngh/Word-Embeddings-in-Python
Python implementation of Word Embeddings - Word2Vec(CBOW, Skip Gram), GloVe, Count Vectors, TF-IDF, Co-Occurrence Matrix.