“I had the opportunity to work with Atul during our time at Standard AI. As the engineering manager leading a Machine Learning team, his exceptional and empathetic leadership skills were evident in his role as an engineering manager, successfully leading team and skillfully orchestrating the creation of a robust MLOps framework and developing an efficient ML model lifecycle. As a hands-on ML engineer, Atul's expertise was evident through his remarkable work in developing a cutting-edge human pose estimation model. Atul's contributions extended even further, as he optimized the pose model for edge devices, showcasing a dedication to innovation and cost-efficiency and strategic alignment with the company's priorities. With his deep technical knowledge and strategic acumen, Atul is an exceptional asset to any team fortunate enough to collaborate with him.”
About
As a Machine Learning Engineer at PayPal, I am driven by a passion for enabling the…
Contributions
-
How can you prioritize tasks to drive your career development?
Have you ever felt pressured to say "yes" to something you didn't want to do? It's important to remember that it's okay to prioritize your personal growth and say "no" to things that don't align with your goals. Your time and energy are valuable, so don't be afraid to set boundaries and focus on what truly matters to you.
-
What are the advantages of using logistic regression for classification?
Advantages of Logsitic Regression: Interpretability: Easy to interpret and understand results. Efficiency: Computationally efficient and quick to train. Low risk of overfitting: Less prone to overfitting, especially with small datasets. Probabilistic Output: Provides probabilities for more informed decision-making. Feature Importance: Helps assess the importance of different features. Robust to Noise: Can handle some level of noise in the data. Well-suited for Linearly Separable Data: Effective when decision boundary is approximately linear. Easy to Implement and Interpret: Straightforward to implement and results are easy to grasp.
Activity
-
🌟 Currently exploring new opportunities as I transition into the next chapter of my career! 💫 After gaining valuable experience in Human…
🌟 Currently exploring new opportunities as I transition into the next chapter of my career! 💫 After gaining valuable experience in Human…
Liked by Atul Dhingra
-
I'm hiring a cracked machine learning engineer to redefine the future of revenue generation platforms. What I can promise: ✅ Shaping the complete…
I'm hiring a cracked machine learning engineer to redefine the future of revenue generation platforms. What I can promise: ✅ Shaping the complete…
Liked by Atul Dhingra
-
One year ago, Abhishek Das and I left Meta to start Yutori. Ten months ago, Dhruv Batra joined us :) Nine months ago, we crystallized our…
One year ago, Abhishek Das and I left Meta to start Yutori. Ten months ago, Dhruv Batra joined us :) Nine months ago, we crystallized our…
Liked by Atul Dhingra
Experience
Education
Licenses & Certifications
Volunteer Experience
-
Joy of Giving Week
Rotaract Club of NSIT Regency
- 1 month
Poverty Alleviation
Have been involved in volunteering in various events such as Joy of Giving Week, Collection drives etc. I have also had opportunities to interact with various NGOs like Goonj, Jaagriti, Masoom Duniya and Avanti-Fellows. Towards my senior year i was also responsible for organizing these events apart from volunteering in it. During my final two years with the club, I was involved in managing the finances of the club.
-
Coordinator, Joy of Giving Week
Rotaract Club of NSIT Regency
- 1 month
Poverty Alleviation
For the 4 years I was attached to the club, I volunteered in various events such as Joy of Giving Week, Collection drives etc. There spawned multitudes of opportunities to interact with various NGOs like Goonj, Jaagriti, Masoom Duniya and Avanti-Fellows, which finally led me to start the Avanti Fellows, NSIT Chapter. Towards my senior year I worked more towards organizing events apart from volunteering in it. During my final two years with the club, I primarily managed the finances of the club…
For the 4 years I was attached to the club, I volunteered in various events such as Joy of Giving Week, Collection drives etc. There spawned multitudes of opportunities to interact with various NGOs like Goonj, Jaagriti, Masoom Duniya and Avanti-Fellows, which finally led me to start the Avanti Fellows, NSIT Chapter. Towards my senior year I worked more towards organizing events apart from volunteering in it. During my final two years with the club, I primarily managed the finances of the club apart from other volunteering and organizing opportunities.
Publications
-
Model Complexity-Accuracy Trade-off for a Convolutional Neural Network
arXiv
Convolutional Neural Networks(CNN) has had a great success in the recent past, because of the advent of faster GPUs and memory access. CNNs are really powerful as they learn the features from data in layers such that they exhibit the structure of the V-1 features of the human brain. A huge bottleneck, in this case, is that CNNs are very large and have a very high memory footprint, and hence they cannot be employed on devices with limited storage such as mobile phone, IoT etc. In this work, we…
Convolutional Neural Networks(CNN) has had a great success in the recent past, because of the advent of faster GPUs and memory access. CNNs are really powerful as they learn the features from data in layers such that they exhibit the structure of the V-1 features of the human brain. A huge bottleneck, in this case, is that CNNs are very large and have a very high memory footprint, and hence they cannot be employed on devices with limited storage such as mobile phone, IoT etc. In this work, we study the model complexity versus accuracy trade-off on MNIST dataset, and give a concrete framework for handling such a problem, given the worst case accuracy that a system can tolerate. In our work, we reduce the model complexity by 236 times, and memory footprint by 19.5 times compared to the base model while achieving worst case accuracy threshold.
-
Face Identification and Clustering
arXiv
In this thesis, we study two problems based on clustering algorithms. In the first
problem, we study the role of visual attributes using an agglomerative clustering algorithm
to whittle down the search area where the number of classes is high to improve the
performance of clustering. We observe that as we add more attributes, the clustering
performance increases overall. In the second problem, we study the role of clustering
in aggregating templates in a 1:N open set protocol…In this thesis, we study two problems based on clustering algorithms. In the first
problem, we study the role of visual attributes using an agglomerative clustering algorithm
to whittle down the search area where the number of classes is high to improve the
performance of clustering. We observe that as we add more attributes, the clustering
performance increases overall. In the second problem, we study the role of clustering
in aggregating templates in a 1:N open set protocol using multi-shot video as a probe.
We observe that by increasing the number of clusters, the performance increases with
respect to the baseline and reaches a peak, after which increasing the number of clusters
causes the performance to degrade. Experiments are conducted using recently introduced
unconstrained IARPA Janus IJB-A, CS2, and CS3 face recognition datasets. -
Wielding Audio-Books for Visually Impaired using Gesture Recognition
International Journal Of Advanced Research Trends In Engineering And Technology, pp 65-70, 2015
The paper presents various aspects of hand based gesture recognition. The paper discusses two main modules, colour-based tracking and colour-independent tracking. Various aspects of both these modules are discussed in detail in this paper. In the case of Colour Based Tracking we have used RGB model to segment out hand to track gesture. In the latter module, we use a combination of Mixture of Gaussians Background (MOG) model and convex hull followed by convexity
defects to segment the hand…The paper presents various aspects of hand based gesture recognition. The paper discusses two main modules, colour-based tracking and colour-independent tracking. Various aspects of both these modules are discussed in detail in this paper. In the case of Colour Based Tracking we have used RGB model to segment out hand to track gesture. In the latter module, we use a combination of Mixture of Gaussians Background (MOG) model and convex hull followed by convexity
defects to segment the hand. K-means is used to track the centre of the region of interest (ROI).Other authorsSee publication -
Biometric Based Personal Authentication Using Eye Movement Tracking
SEMCCO 2013, Part II, LNCS 8298, pp. 248–256, 2013
The paper provides an insight into the newly emerging field of Eye Movement Tracking (EMT), spanning across various facets of EMT, from acquisition to authentication. The second most cardinal problem of machine learning after overfitting, i.e. Curse of Dimensionality is dealt with using a novel method of error analysis on EMT based personal authentication through a dimensionality reduction algorithm. We apply both static and dynamic methods for the dimensionality reduction in EMT to achieve…
The paper provides an insight into the newly emerging field of Eye Movement Tracking (EMT), spanning across various facets of EMT, from acquisition to authentication. The second most cardinal problem of machine learning after overfitting, i.e. Curse of Dimensionality is dealt with using a novel method of error analysis on EMT based personal authentication through a dimensionality reduction algorithm. We apply both static and dynamic methods for the dimensionality reduction in EMT to achieve promising results of personal authentication and compare these results based on speed and accuracy of both the methods. A decision tree classifier is used in two cases (static and dynamic) of EMT for the classification. The novel method presented in this paper is not limited to EMT and it can be emulated for other biometric modalities as well.
Other authorsSee publication -
Learning Large Scale Sparse Models
arXiv:2301.10958
-
Neurorehab: An Interface for Rehabilitation
arXiv:2301.10957
Patents
-
Machine learning-based re-identification of shoppers in a cashier-less store for autonomous checkout
Filed U.S. Application No. 17/988,650
Courses
-
Artificial Intelligence
-
-
Brain Computer Interaction
CS-674
-
Circuits and Systems
-
-
Computer Aided Design
-
-
Computer Graphics
-
-
Computer Networks
-
-
Image and Video Processing, Duke University
coursera.org
-
Introduction to Algorithms and Data Structures
CS-512
-
Introduction to Artificial Intelligence
CS-520
-
Introduction to Programming
-
-
Machine Learning, University of Washington
coursera.org
-
Mathematics 1
-
-
Mathematics 2
-
-
Mathematics 3
-
-
Microprocessors (8085)
-
-
VHDL
-
Projects
-
Character Level Language Model
- Present
Built a character level language model to generate new dinosaur names with a character level RNN
-
Debiasing Word Vectors
- Present
Debiasing Word Vectors by neutralizing and equalizing bias for non-gender specific words using GloVe word vectors
-
Emojify: Making text sentences more expressive with emojis
Emojify: Making text sentences more expressive with emojis, using word embeddings and LSTM
-
k-ary encoder-decoder
Developed a LSTM based integer to base-k encoder-decoder with tensorflow
-
Machine Translation
Neural Machine Translation with an attention model to convert human readable dates into machine readable dates using LSTM
-
Music Generation with LSTMs
Generated novel jazz solos using LSTM networks in a style representative of a body of performed work in training set
-
Trigger Word Detection
End to end trigger-word detection model using 1D CNN and LSTM on speech spectogram obtained from synthesized speech data
-
Gradient checking and Regularization for a Deep Neural Network
Gradient checking and Regularization for a Deep Neural Network
-
Optimization for a Deep Neural Network with Gradient Descent, Momentum and Adam
Optimization for a Deep Neural Network with Gradient Descent, Momentum and Adam
-
Temperature Level Prediction using Thermometer Images
Developed a CNN based temperature level detection and prediction model from thermometer images
-
Car detection system for autonomous vehicles
Implemented YOLO model for car detection system for autonomous vehicles using images from dashboard camera
-
Eclectic-Nets: A suite of most popular CNNs
Eclectic-Nets: A suite of most popular CNNs with keras and tensorflow that include leNet, ResNet-50 etc.
-
Face identification, verification and happiness classification
A Deep Learning based face identification, verification and happiness classification using FaceNet architecture with triplet loss
-
Image classification task using ResNet-50
Implemented ResNet-50 model from scratch for image classification task on hand sign(SIGNS dataset)
-
Neural Style Transfer
Implemented Neural style transfer algorithm for generating novel artistic images of the Louvre museum based on painting of Monet
-
Scene Clustering
Clustered scenes into groups based on SIFT features with FLANN based matcher using OpenCV
-
Indian Electoral Rolls
- Present
We built a dataset of nearly all the Indian electors. Our data includes information on first and last name, gender, polling station (constituency, district, and state), father or husband's name, among other such details. We assembled this data by scraping and parsing the electoral rolls
-
Unified Face Landmark and Gender Recognition
A deep learning-based face detection, landmark detection, and gender classification pipeline in a unified workflow using dlib and keras(tensorflow backend)
-
Time Series Analysis: Stock Price Prediction
Stock price prediction using LSTM and 1D Convoltional Layer implemented in keras with TF backend on daily closing price of S&P 500 data from Jan 2000 to Aug 2016
-
Model Complexity-Accuracy Trade-off for a Convolutional Neural Network
Convolutional Neural Networks(CNN) has had a great success in the recent fast, because of the advent of faster GPUs and memory access. CNNs are really powerful as they learn the features from data in layers such that they exhibit the structure of the V-1 features of the human brain. A huge bottleneck in this case is that CNNs are very large and have a very high memory footprint, and hence they cannot be employed on devices with limited storage such as mobile phone, IoT etc. In this work we…
Convolutional Neural Networks(CNN) has had a great success in the recent fast, because of the advent of faster GPUs and memory access. CNNs are really powerful as they learn the features from data in layers such that they exhibit the structure of the V-1 features of the human brain. A huge bottleneck in this case is that CNNs are very large and have a very high memory footprint, and hence they cannot be employed on devices with limited storage such as mobile phone, IoT etc. In this work we study the model complexity versus accuracy trade-off on MNIST dataset, and give a concrete framework of handling such a problem, given the worst case accuracy that a system can tolerate. In our work we reduce the model complexity by 620 times, and memory footprint by 19.5 times compared to base model, while achieving worst case accuracy threshold.
-
Player Tracking in American Football
Detect the wide Receiver in a single shot video clip, where the offensive team is to the left
-
Ethnicity Classifier
This classifier uses the sub-strings of size 3 to learn probability associated with each substring such that it belongs to a particular ethnic group using the census 2000 data. When a new string is presented, it is broken down into sub-strings of size 3, and prediction is done on each of the sub-string using the model computed before. The output accuracy of the predictor is 85% even in an unbalanced dataset. The model follows the Naive Bayes assumption of conditional independence
-
Augmented Reality
Synthesized clip-art and a 3D mesh onto an image for which the homographies have been calculated using the camera caliberation project.
-
Camera Caliberation
Calibrate the camera of a robot vehicle for 3d and 2d camera calibration.
-
Matchmaking via Lasso
Lasso is implemented on CIFAR-10 dataset via Co-ordinate Gradient descent algorithm
-
Compuational Photography: Texture Synthesis and Image Inpainting
This work involves Texture Synthesis and Image Inpainting. The idea of Texture Synthesis by Non-Parametric Sampling proposed by Efros and Leung, ICCV99, and region filling by Criminisi et al “Region Filling and Object Removal by Exemplar-Based Image Inpainting”, TIP 2004 has been implemented.
-
Face Recognition Algorithms
Implemented and evaluated four basic face recognition algorithms: Eigenfaces, Fisherfaces, Support Vector Machine (SVM), and Sparse Representation-based Classification (SRC) on YaleB dataset
-
Optical Character Recognition
Designed an optical character recognition (OCR) system for hand-written characters, in a fixed-resolution setting.
-
Spam Classification with Perceptron and Kernel Perceptron
Spam Classification on the Web Spam Dataset using Percepton and Kernel Perceptron with Polynomial, Gaussian, Exponential and Laplacian Kernels.
-
Topic Classification with Naive Bayes
A Naive Bayes algorithm is implemented on the Reuters dataset for topic classification("earn" or "acq")
-
Face Identification and Clustering
-
In this thesis, we study two problems based on clustering algorithms. In the first problem, we study the role of visual attributes using an agglomerative clustering algorithm to whittle down the search area where the number of classes is high to improve the performance of clustering. We observe that as we add more attributes, the clustering performance increases overall. In the second problem, we study the role of clustering in aggregating templates in a 1:N open set protocol using multi-shot…
In this thesis, we study two problems based on clustering algorithms. In the first problem, we study the role of visual attributes using an agglomerative clustering algorithm to whittle down the search area where the number of classes is high to improve the performance of clustering. We observe that as we add more attributes, the clustering performance increases overall. In the second problem, we study the role of clustering in aggregating templates in a 1:N open set protocol using multi-shot video as a probe. We observe that by increasing the number of clusters, the performance increases with respect to the baseline and reaches a peak, after which increasing the number of clusters causes the performance to degrade. Experiments are conducted using recently introduced unconstrained IARPA Janus IJB-A, CS2, and CS3 face recognition datasets.
-
Learning Large Scale Sparse Models,
-
In this work, we consider learning sparse models in large scale setting, where the number of samples and the feature dimension can grow as large as millions or billions. Two immediate issues occur under such challenging scenarios: (i) com- putational cost; (ii) memory overhead. In particular, the memory issue precludes a large volume of prior algorithms that are based on batch optimization technique. To remedy the problem, we propose to learn sparse models such as Lasso in online manner where…
In this work, we consider learning sparse models in large scale setting, where the number of samples and the feature dimension can grow as large as millions or billions. Two immediate issues occur under such challenging scenarios: (i) com- putational cost; (ii) memory overhead. In particular, the memory issue precludes a large volume of prior algorithms that are based on batch optimization technique. To remedy the problem, we propose to learn sparse models such as Lasso in online manner where in each iteration, only one randomly chosen sample is revealed to update a sparse iterate. Thereby, the memory cost is independent of the sample size and gradient evaluation for one sample is efficient. Perhaps amazing, we find that with the same parameter, sparsity promoted by batch methods is not preserved in online fashion. We analyze such interesting phenomenon and illustrate some effective variants including mini-batch methods and a hard thresholding based stochastic gradient algorithm. Extensive experiments are carried out on a public dataset which supports our findings and algorithms.
Other creatorsSee project -
Algorithm Snippets
-
• Created and presented interactive web based algorithm snippets for Minimum-Spanning Tree algorithm
• The project was awarded 3 rd best in approximately 25 projects.Other creatorsSee project -
Neurorehab: An Interface for Rehabilitation
-
• Investigated the role of repetitive activities(robust plasticity of motor cortex) for neurorehabilitation with
the help of a non-invasive brain computer interface.
• Built a VR rehabilitation game with Unity and C#, and engineered an algorithm to dynamically scale
with and treat upper-arm disabilities with an immersive game design.Other creatorsSee project -
Text-independent Speaker Recognition
-
Developed a robust speaker verification algorithm invariant to noise and multi-channel input using GFCC,
MFCC and i-vectors.
• The research was published in Springer, Proceedings of the IEEE International Conference on
Signal, Networks, Computing, and Systems 2016Other creators -
-
Biometrics Based Applications
-
• Explored various applications of Biometrics, including heuristics and authetication based applications as
a part of my undergraduate thesis.
• Studied multi-modal aspect of biometrics and correlated various biometric modalities including hand-veinsOther creators -
-
Light Detection and Bridge Wave Rectifier
-
The project was aimed in implementing a Light Detection Circuit using a Light Dependant Resistor, and a Bridge Wave Rectifier, on a Bread Board. so that it could be extrapolated by the organization in fire and explosion applications at the lab, Centre for Fire, Explosion and Environment Safety.
Other creatorsSee project -
Temperature Measurement and Recording
-
Temperature Measuring and Recording System using PIC 16F877A microcontroller by making use of DS18B20 Temperature Sensor. The system was developed to display and then store temperature readings during the experiment. The project was developed so as the system can be implemented by the organization further for temperature measurements in Explosions And Blasts , using the needed sensors.
Other creatorsSee project -
Iris Authentication
-
Iris Recognition is a rapidly expanding method of biometric authentication that uses pattern recognition techniques on images of irides to uniquely identify an individual. The aim of the project was compiling a robust database of human irides and to compare the results of the acquired images with the previous popular available database such as Chinese Academy of Sciences' Institute of Automation (CASIA). The project became a stepping stone towards my pursuit for field of Computer Vision and its…
Iris Recognition is a rapidly expanding method of biometric authentication that uses pattern recognition techniques on images of irides to uniquely identify an individual. The aim of the project was compiling a robust database of human irides and to compare the results of the acquired images with the previous popular available database such as Chinese Academy of Sciences' Institute of Automation (CASIA). The project became a stepping stone towards my pursuit for field of Computer Vision and its practical applications. This is the first project i have been involved which is the muse for me for going forward in the filed of Computer Vision.
Other creatorsSee project
Honors & Awards
-
Invited Talk on “Navigating the Complexity of ML Production: Insights and Lessons Learned”
ACM and IEEE Chicago
-
Invited Talk on “Scaling Up Machine Learning: From Research to Production”
Texas A&M University, Texas, USA
-
Invited Talk on “Transforming ML Ideas into Market-Ready Products”
Santa Clara University, CA, USA
-
Senior Member, IEEE
Institute of Electrical and Electronics Engineers
-
Invited Talk on “Machine Learning, Demystified”
Arizona State University, AZ, USA
-
Invited Talk on “Productionizing ML Systems”
Productiv Inc., CA, USA
-
Invited Talk on “Intro to Machine Learning”
Maharaja Surajmal Institute Of Technology, Delhi, India
-
Invited Talk on “Machine Learning in Production”
Netaji Subhas University of Technology, Delhi, India
-
Invited Talk on “Scaling Machine Learning in Production”
Jaypee Institute of Information Technology, Delhi, India
-
Invited Talk on “Scaling Machine Learning in Production”
Jawaharlal Nehru University, Delhi, India
-
Invited Talk on “Learning to Represent Text with Word2Vec”
Fat Cat Fab Lab, NY
Languages
-
Hindi
Native or bilingual proficiency
-
English
Full professional proficiency
Recommendations received
14 people have recommended Atul
Join now to viewMore activity by Atul
-
Call for Projects and Startups to showcase at the MIT Decentralized AI Summit (Imagination In Action) Please apply to present on the main stage at…
Call for Projects and Startups to showcase at the MIT Decentralized AI Summit (Imagination In Action) Please apply to present on the main stage at…
Liked by Atul Dhingra
-
#Hiring for this strategic AI TPM role at #NVIDIA. Lead groundbreaking projects and shape the future of AI and enterprise solutions. Contact Raelene…
#Hiring for this strategic AI TPM role at #NVIDIA. Lead groundbreaking projects and shape the future of AI and enterprise solutions. Contact Raelene…
Liked by Atul Dhingra
-
I’m humbled and grateful to have spoken at the 𝟲𝘁𝗵 𝗔𝗻𝗻𝘂𝗮𝗹 𝗡𝗼𝗿𝘁𝗵 𝗔𝗺𝗲𝗿𝗶𝗰𝗮 @𝗗𝗖𝗘/𝗗𝗧𝗨 + 𝗗𝗜𝗧/𝗡𝗦𝗨𝗧 𝗔𝗹𝘂𝗺𝗻𝗶…
I’m humbled and grateful to have spoken at the 𝟲𝘁𝗵 𝗔𝗻𝗻𝘂𝗮𝗹 𝗡𝗼𝗿𝘁𝗵 𝗔𝗺𝗲𝗿𝗶𝗰𝗮 @𝗗𝗖𝗘/𝗗𝗧𝗨 + 𝗗𝗜𝗧/𝗡𝗦𝗨𝗧 𝗔𝗹𝘂𝗺𝗻𝗶…
Liked by Atul Dhingra
-
🌟 Are you curious about cryptocurrency but feel overwhelmed by all the technical jargon? You're not alone! I've created a beginner-friendly guide…
🌟 Are you curious about cryptocurrency but feel overwhelmed by all the technical jargon? You're not alone! I've created a beginner-friendly guide…
Liked by Atul Dhingra
-
Software Security Simplified: Not Just for Tech Experts! 🛡️ Intimidated by software security terms? You're not alone! I've learned that…
Software Security Simplified: Not Just for Tech Experts! 🛡️ Intimidated by software security terms? You're not alone! I've learned that…
Liked by Atul Dhingra
-
Professional developers will all die as multi-millionaires with all the work that’s coming our way.
Professional developers will all die as multi-millionaires with all the work that’s coming our way.
Liked by Atul Dhingra
-
Day 1 of #nvidiagtc down! I had an awesome day of setting up, preparing for the big start of the show tomorrow, and meeting some awesome people to…
Day 1 of #nvidiagtc down! I had an awesome day of setting up, preparing for the big start of the show tomorrow, and meeting some awesome people to…
Liked by Atul Dhingra
-
Quick reminder: I'm charging $1,000/hour to fix your vibe-coded mess.
Quick reminder: I'm charging $1,000/hour to fix your vibe-coded mess.
Liked by Atul Dhingra
-
SoftBank has signed an agreement with Perplexity to be an authorized reseller of Perplexity Enterprise Pro and deploy their 7,000-member sales team…
SoftBank has signed an agreement with Perplexity to be an authorized reseller of Perplexity Enterprise Pro and deploy their 7,000-member sales team…
Liked by Atul Dhingra
-
🌱 Sneak Peek: Making Computer Science Learning Friendly & Accessible! I'm excited to share an early preview of a project close to my heart - a…
🌱 Sneak Peek: Making Computer Science Learning Friendly & Accessible! I'm excited to share an early preview of a project close to my heart - a…
Liked by Atul Dhingra
-
More details about normalization-free training from Zhuang.
More details about normalization-free training from Zhuang.
Liked by Atul Dhingra
Other similar profiles
Explore collaborative articles
We’re unlocking community knowledge in a new way. Experts add insights directly into each article, started with the help of AI.
Explore More