“Dedicated, Diligent, Dependable and eagerly seeking opportunities to expand his skills and knowledge; they are only a few to share about Sauradeep! I had the pleasure of working with him on health insurance claims transformation projects at Cigna. It was such a pleasure to interact with a young professional with immense maturity in his thoughts and vision. Despite the challenges during build phase of our first proof of concept, he maintained his calm demeanor and continuously demonstrated his problem-solving skills to emerge out of these situations. It was a delightful experience working along and learning the tech facets from him. I consider myself being truly privileged to have been his manager for a year. I wish him success and happiness in life and all his endeavors!”
About
Machine Learning Lead @ AICoE, Cigna. 7+ years of hands -on experience in Deep…
Activity
-
In doing research for my book, I discovered that byte-pair encoding (BPE), the algorithm used to tokenize data for modern language models, one of the…
In doing research for my book, I discovered that byte-pair encoding (BPE), the algorithm used to tokenize data for modern language models, one of the…
Liked by Sauradeep Debnath
-
About paying 20L to get a job, so that a company with an INR 19,000 crore cash balance can donate it to charity No doubt, this opportunity would…
About paying 20L to get a job, so that a company with an INR 19,000 crore cash balance can donate it to charity No doubt, this opportunity would…
Liked by Sauradeep Debnath
Experience
Education
-
Indian Institute of Technology, Hyderabad
-
CS5480 - Deep Learning ( optimization, hyperparameter tuning, Image Processing, Computer Vision, RNN, GAN, VAE)
CS6450 -Visual Computing- Computer Vision, Unsupervised image segmentation papers & project
CS5803 - Natural Language Processing (NLP)- Word2vec, Glove, LDA, RNN, LSTM, GRU, Transformer, HMM, CRF, Dependency/Constituency/Semantic Parsing, Coreference
CS5500 - Reinforcement Learning - RL, Deep RL,DP, MDP, Value Iteration, Policy Iteration, MC, TD, TD(λ), Q-Learning…CS5480 - Deep Learning ( optimization, hyperparameter tuning, Image Processing, Computer Vision, RNN, GAN, VAE)
CS6450 -Visual Computing- Computer Vision, Unsupervised image segmentation papers & project
CS5803 - Natural Language Processing (NLP)- Word2vec, Glove, LDA, RNN, LSTM, GRU, Transformer, HMM, CRF, Dependency/Constituency/Semantic Parsing, Coreference
CS5500 - Reinforcement Learning - RL, Deep RL,DP, MDP, Value Iteration, Policy Iteration, MC, TD, TD(λ), Q-Learning , SARSA, DQN, Policy Gradients, Actor Critic, DDPG, Multi Armed Bandit, Thompson Sampling, MCTS
CS5590 - Foundations of Machine Learning
EE5328 - Submodular Functions & Optimization
EE5603 - Concentration Inequalities
EE5604 - Statistical Learning Theory
EE5605 - Kernel Methods
CS6660 - Mathematical Foundations of Data Science ( Linear Algebra ; Probability)
CS6013 - Advanced Data Structures and Algorithms
CS5580 - Convex Optimization Theory
CS5660 - Convex Optimization Algorithms -
-
Artificial Intelligence and Expert Systems ( ECT462 )
Neural Networks ( ECT411 )
Data Structures and Algorithms ( ECT206 )
Digital Signal Processing (ECT302)
Graph Theory (ECT205)
Computer Science & Programming ( CPT101 ) -
-
Licenses & Certifications
-
Mathematics for Machine Learning: Linear Algebra by Imperial College London
Coursera
Credential ID CGTKRS75YWXH
Courses
-
Advanced Data Structure and Algorithms
CS6013
-
Artificial Intelligence and Expert Systems
ECT462 ( BTech Elective)
-
Computer Science & Programming
CPT101( BTech Elective)
-
Concentration Inequalities
EE5603
-
Data Structures and Algorithms
ECT206( BTech Elective)
-
Deep Learning
CS5480
-
Digital Signal Processing
ECT302( B.Tech. elective)
-
Foundations of Machine Learning
-
-
Graph Theory
ECT205
-
Kernel Methods
EE5605
-
Mathematical Foundations of Machine Learning
CS6660
-
Natural Language Processing
CS5803
-
Neural Networks
ECT411( BTech Elective)
-
Reinforcement Learning
CS5500
-
Statistical Learning Theory
EE5604
-
Statistics
EL-III
-
Visual Computing ( Computer Vision)
CS6450
Projects
-
RAG based Chatbot on Knowledge Exchange
-
Chatbot on KX confluence pages with plain text as well as tabular data. RAG with LangChain, GPT-4 as llm and Milvus as Vector DB.
Due to the AI Gateway limitations, couldn't use evaluation libraries like RAGAS due to version incompatibility. Therefore created custom functions for Answer correctness, relevance, non committal score etc via few shot prompting to compare again expert written answers. -
Chatbot with LangChain and Vector DB, GPT, Streamlit and EC2
-
-
Named Entity Recognition on MultiCoNER II data
-
Named Entity Recognition task on 67 labels. Implemented Conditional Random Field (CRF) & BERT based NER model in Pytorch, both giving 84.7\% and 88\% accuracy respectively.
-
Text Summarization with FLAN T5, LoRA and RLHF
-
-
Leqvio NLP - IQVIA Salesforce Brand Impact Salesforce Effectiveness
-
Topic Modelling & Sentiment Analysis of the top of the mind recall text by HCPs post Sales rep interaction. Analyzing the trend of different topics ( extracted from LDA & BERT based clusterings ) across different brands throughout a 6 month window & Two sample Z test of proportions to check if the messaging is different across Cardiologists vs PCPs ( general physicians)
-
Speech Emotion Recognition from Audio + other audio analytics
-
Speaker diarization, Speech to text transcription, Training a CNN from scratch on Speech Emotion Recognition using open source datasets like Ravdess and JL corpus by extracting the MFCC features of the audio signal. Sentiment analysis from the transcribed text. Hypothesis testing.
-
ViZio - ( NLP & Computer Vision based Content Scoring and Recommendation Engine)
-
Goal - Determining the important features in Email format that maximizes the response from the HCPs( doctors)
1. Developed an ORIGINAL, Innovative Image Processing algo for separating Colour image from Highlighted text ( white font in colour background) while cutting down the Execution Time by more than 100x
2. Extracted Image Locations from Scanned email pdfs using Morphological & thresholding operations .
3. Implemented the heuristic logic for splitting header, body &…Goal - Determining the important features in Email format that maximizes the response from the HCPs( doctors)
1. Developed an ORIGINAL, Innovative Image Processing algo for separating Colour image from Highlighted text ( white font in colour background) while cutting down the Execution Time by more than 100x
2. Extracted Image Locations from Scanned email pdfs using Morphological & thresholding operations .
3. Implemented the heuristic logic for splitting header, body & footer as well identifying subject lines in the Promotional Email. -
Veeva Account Management Free text SWOT NLP
-
Goal - Topic modelling from SWOT analysis of Veeva Account Management data.
1 Developed a Regex- based heuristic logic for separating sentences that were clubbed together without space or special characters.
2. Implemented an innovative way of handling the Lemmatization errors that were occuring even despite using POS Tagging
3. Miscellaneous -Text cleaning, stop word removal, spell correction using RegEx, tokenization, lemmatization, using n grams, LDA, GSDMM , and BERT…Goal - Topic modelling from SWOT analysis of Veeva Account Management data.
1 Developed a Regex- based heuristic logic for separating sentences that were clubbed together without space or special characters.
2. Implemented an innovative way of handling the Lemmatization errors that were occuring even despite using POS Tagging
3. Miscellaneous -Text cleaning, stop word removal, spell correction using RegEx, tokenization, lemmatization, using n grams, LDA, GSDMM , and BERT pre-trained word vectors followed by Clustering . Finding the optimal topic model using c_v Coherence score .Keyword Extraction using RAKE and evaluation using Rouge score. Libraries - NLTK, SpaCy, Gensim -
Deep Learning based Omnichannel Optimization of Promotion sequence (MATCH)
-
Marketing Automation Transcending Channels ( MATCH) Developed an out of original and optimised approach for predicting Future Sales from historical sales and promotion data. The algo performance was a significant improvement over the earlier RF model.
Multivariate Time Series Analytics using Promotion and Sales data. Algorithms used - Conv1D, LSTM, CNN-LSTM, ConvLSTM, Inception layers etc in Keras. -
RAinBOW Clustering ( Risk based Approach in Benign/chronic hematology for Optimization of Workloads
-
Clustering for identifying demand- supply gap for HCPs in Japan in the near future by analysing various HCP and Patient Data and various trends. *****Won the Highest Award for Novartis Global Oncology (BOLD4CURE) for its "innovation" . *****
1. Discovered the way to map a bunch of clinical datasets of Japan Hematology from heterogeneous sources via extensive explorations - that were hitherto unfamiliar to the team . Derived new business insights from this.
2. Misc- Data Cleaning…Clustering for identifying demand- supply gap for HCPs in Japan in the near future by analysing various HCP and Patient Data and various trends. *****Won the Highest Award for Novartis Global Oncology (BOLD4CURE) for its "innovation" . *****
1. Discovered the way to map a bunch of clinical datasets of Japan Hematology from heterogeneous sources via extensive explorations - that were hitherto unfamiliar to the team . Derived new business insights from this.
2. Misc- Data Cleaning in both English and Japanese, EDA, Feature Engineering & Selection , Parameter Tuning, Modeling, Data Visualization & Analysis of Clusters in Python & Excel. Geo -tagging Visualisation in Qlik Sense and JTD Tool. Used algorithms like DBScan, Optics, KMeans++, Agglomerative, Birch, Spectral, Gaussian Mixture , Affinity Propagation, identifying the features contributing positive and negatively using Multinomial Regression and scores like Silhouette, Davies Bouldin, Calinsky Harabasz. -
Neural machine translation
-
Machine translation via Bi LSTM with Attention Mechanism. Converting text to utf-8 format, tokenization, lemmatization, spelling corrections, stop word removal, punctuation marks and numbers removal using Regular Expressions. Pre trained 100D GloVe vectors and using nltk BLEU score as evaluation criteria
-
Sentiment Analysis
-
Sentiment Analysis from text into positive and negative reviews. converting text to utf-8 format, tokenization, lemmatization, stop word removal, punctuation marks and numbers removal, TF IDF vectorization - then feeding them to Multinomial Naive Bayes and Linear SVM. Also, in an alternative implementation, Using Pretrained 100D GloVe vectors, employing a Bi LSTM/ Bi GRU architecture, Hyperparameter tuning, Early Stopping.
Honors & Awards
-
1st -Galaxy Team Award Q2-- Best DS project
Novartis
Best data science project of the Quarter in Novartis. Awarded due to ViZio NLP and Computer Vision based Scoring and recommendation system
-
5th - Galaxy Team Award Q1 2021- DS&D
Novartis
Best project in the Data Science and Digital team, Novartis for Project Veeva Survey Data Analysis ( NLP VAMM Data Project)
-
1st -Global Oncology BOLD4CURE Award, 2021
Novartis
THE HIGHEST AWARD IN GLOBAL ONCOLOGY. The RAinBOW (“Risk-based Approach in Benign/chronic disease for the Optimization of Workload) project team from Japan OBU won the BOLD4CURE Award for their *innovative approach* in raising awareness for the need of closer regional collaboration among general practitioners (GP) and experts in larger hospitals to ensure sustainable and accessible treatment for hematology patients. *BOLD4CURE Award is the highest award within Global Oncology* that recognizes…
THE HIGHEST AWARD IN GLOBAL ONCOLOGY. The RAinBOW (“Risk-based Approach in Benign/chronic disease for the Optimization of Workload) project team from Japan OBU won the BOLD4CURE Award for their *innovative approach* in raising awareness for the need of closer regional collaboration among general practitioners (GP) and experts in larger hospitals to ensure sustainable and accessible treatment for hematology patients. *BOLD4CURE Award is the highest award within Global Oncology* that recognizes colleagues from around the world who have made great contributions towards better solutions to patients and customers.
Currently, the number of GPs and local clinics in Japan that have the required expertise to treat hematology diseases is limited. For this reason, patients with hematology diseases often have no choice but to seek consultation and treatment at larger hospitals regardless of their conditions. This can cause strain on both sides, since patients may need to travel long ways to access treatment, and hospital physicians may experience excessive workload due to the concentration of all types and severity of cases. If more regional based GPs can acquire the needed knowledge and skills to treat benign and chronic forms of hematology diseases, patients with milder conditions may have easier access to treatment. At the same time, hospital physicians may be able to attend to the more severe forms of cases and patients requiring higher levels of care. -
Central Sector Merit Scholarship, 2013
Department of Higher Education of MHRD
For Achieving 99.42 percentile marks in 12th Board ( HS ) Exam, 15th Rank in State
-
Certificate of Academic Excellence, 2011
Education (Secondary) Department, Government of Assam
Awarded Anundoram Borooah Award for achieving the 22nd Rank in 10th in High School Leaving Certificate Examination -2011, Assam
-
Certificate of Academic Excellence, 2011
National Student Union of India ( NSUI)
Awarded Certificate of Academic Excellence for achieving 4th Rank in the District in 10th Board ( H.S.L.C.) Examination
Test Scores
-
HIgher Secondary Final Examination-2013
Score: 460/500
15th Rank in State. Percentile Score (as calculated by CBSE)- 99.42
-
High School Leaving Certificate Examination, 2011
Score: 541/600
Achieved 22nd Rank in State, 4th in District
-
Joint Entrance Examination( Main) -2013
Score: 170
98.0 Percentile .
AIR : 16740(Overall) , 3057(OBC)
State Rank : 77 (Overall), 12 (OBC)
Languages
-
English
Native or bilingual proficiency
-
Hindi
Full professional proficiency
-
Bengali
Native or bilingual proficiency
-
Assamese
Native or bilingual proficiency
Recommendations received
5 people have recommended Sauradeep
Join now to viewOther 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 MoreOthers named Sauradeep Debnath
1 other named Sauradeep Debnath is on LinkedIn
See others named Sauradeep Debnath