San Francisco Bay Area Contact Info
3K followers 500+ connections

Join to view profile

Activity

Join now to see all activity

Experience & Education

  • Google

View Sheetal’s full experience

See their title, tenure and more.

or

By clicking Continue to join or sign in, you agree to LinkedIn’s User Agreement, Privacy Policy, and Cookie Policy.

Licenses & Certifications

Publications

  • Multi-task Learning for Filtering and Re-ranking Answers using Language Inference and Question Entailment

    Association for Computational Linguistics (ACL)

    Parallel deep learning architectures like fine-tuned BERT and MT-DNN, have quickly become the state of the art, bypassing previous deep and shallow learning methods by a large margin.
    More recently, pre-trained models from large related datasets have been able to perform well on many downstream tasks by just fine-tuning on domain-specific datasets (similar to transfer learning).
    However, using powerful models on non-trivial tasks, such as ranking and large document classification, still…

    Parallel deep learning architectures like fine-tuned BERT and MT-DNN, have quickly become the state of the art, bypassing previous deep and shallow learning methods by a large margin.
    More recently, pre-trained models from large related datasets have been able to perform well on many downstream tasks by just fine-tuning on domain-specific datasets (similar to transfer learning).
    However, using powerful models on non-trivial tasks, such as ranking and large document classification, still remains a challenge due to input size limitations of parallel architecture and extremely small datasets (insufficient for fine-tuning).
    In this work, we introduce an end-to-end system, trained in a multi-task setting, to filter and re-rank answers in the medical domain. We use task-specific pre-trained models as deep feature extractors. Our model achieves the highest Spearman's Rho and Mean Reciprocal Rank of 0.338 and 0.9622 respectively, on the ACL-BioNLP workshop MediQA Question Answering shared-task 2019.

    Other authors
  • Automated Evaluation of Attendance and Cumulative Feedback using Face Recognition

    IEEE Xplore

    Face recognition is an important technological development of this era. It is being widely used in biometric systems, gaming as well as to tag people on social media. It is also being used for attendance because the manual system is tedious and time-consuming. This paper proposes an automated attendance and cumulative feedback system based on facial expression recognition. The proposed automation system recognises students from a recorded video of the class and captures their attendance. Local…

    Face recognition is an important technological development of this era. It is being widely used in biometric systems, gaming as well as to tag people on social media. It is also being used for attendance because the manual system is tedious and time-consuming. This paper proposes an automated attendance and cumulative feedback system based on facial expression recognition. The proposed automation system recognises students from a recorded video of the class and captures their attendance. Local Binary Pattern Histograms (LBPH) and Eigen Face recognizers have been used for face recognition with accuracies of 97% and 95% respectively. This paper addresses another issue of feedback of the professor by deducing genuine and cumulative feedback based on facial expressions of the students. Two methods have been proposed for deducing the feedback. One is the algorithmic method based on face recognition using confidence measure for expressions detection and the other one uses Speeded up robust features and Support Vector Machines(SVM). The proposed methodology is observed to be in correlation with the conventional method of feedback evaluation.

    Other authors

Courses

  • 1. Introduction to Deep Learning (Grade A+)

    11-785

  • 2. Question Answering (Grade A+)

    11-797

  • 3. Introduction to Machine Learning (Grade A)

    10-601

  • 4. Machine Learning for Text Mining (Grade A)

    11-641

  • 5. Large Scale Multimedia Analysis (Grade A)

    11-775

  • 6. Language and Statistics (Grade A)

    11-661

  • Advanced Data Structures and Algorithms

    -

  • Artificial Intelligence

    -

  • Computer Programming

    -

  • Computer Vision

    -

  • Data Warehousing and Data Mining

    -

  • Design and Analysis of Algorithms

    -

  • Digital Image Processing

    -

  • Distributed Computing

    -

  • Distributed Database Systems

    -

  • Linear Algebra and Matrices

    -

  • Object Oriented Programming

    -

  • Operating Systems

    -

  • Probability and Statistics

    -

  • Software Engineering

    -

  • Theory of Computation

    -

Projects

  • Image to Latex markup generation

    -

    Implemented Hierarchical and Coarse-to-fine attention using a sparsemax approximator. Proposed two novel attention mechanisms using Convolutional Neural Networks (CNNs) and Recurrent networks like LSTMs to store the context of previous attention maps.

    Other creators
  • Multi-task Learning for Filtering and Re-ranking Answers using Language Inference and Question Entailment

    -

    Solved the tasks of Natural Language Inference (NLI) and Recognizing Question Entailment (RQE) using an ensemble of BERT, MT-DNN, and Infersent models. We then used the NLI and RQE modules as feature extractors to filter and re-rank answers in the medical domain using multi-task learning.
    Our model achieved the highest Spearman's Rho and Mean Reciprocal Rank of 0.338 and 0.9622 respectively, on the ACL-BioNLP workshop MediQA Question Answering shared-task 2019.

    Other creators
  • Visual Question Answering

    -

    Implemented and compared the performance of Bottom-up top-down attention mechanism and Memory Attention Composition (MAC) cells for the task of Visual Question Answering.

    Other creators
  • Collaborative Filtering of Netflix Movie Ratings

    -

    Developed a Movie Recommender System based on user-movie similarity, Pearson Correlation Coefficient (PCC) and Probabilistic Matrix Factorization (PMF). Achieved Root Mean Squared Error (RMSE) of 0.9025.

  • Page Rank and its personalized variants for CiteEval dataset

    -

    Developed Global, Query-based and Personalized Topic-Sensitive Page Rank combined with search-relevance scores to rank documents. Achieved Mean Average Precision (MAP) of 26%.

  • Computer Vision

    -

    1. Implemented Canny Edge and Harris Corner Detection, Image Stitching with Perspective Transform and Object Detection with Naive Bayes, Decision Trees and SVM classifier.
    2. Achieved an accuracy of 93.24%.

    Other creators
    See project
  • Segmentation and Classification of Skin Cancer Images

    -

    1. Performed Image Segmentation using U-Net and achieved a validation accuracy of 92.94%.
    2. Performed Classification of Skin Cancer images using ResNeXt and achieved a validation accuracy of 79.25%.

    Other creators
    See project
  • Crime Ontology Enrichment using News and Social Media

    -

    1. This project aimed at enriching the existing crime ontology by incorporating images from news and social media, and deriving meaning out of them.
    2. Crawled through the multitude of multilingual information available on the internet using python libraries like Goose and JusText and developed an ontology of entities and events connecting these entities.
    3. Performed news summarization of online newspaper crime reports, tokenization and POS tagging using NLTK and Shallow Parser, Named…

    1. This project aimed at enriching the existing crime ontology by incorporating images from news and social media, and deriving meaning out of them.
    2. Crawled through the multitude of multilingual information available on the internet using python libraries like Goose and JusText and developed an ontology of entities and events connecting these entities.
    3. Performed news summarization of online newspaper crime reports, tokenization and POS tagging using NLTK and Shallow Parser, Named Entity Recognition (NER), Word Sense Disambiguation (WSD), relationship extraction and machine translation.
    4. Performed image tagging, retrieval, correlation and information extraction from social networking sites like Facebook, Twitter and Flickr.
    5. Obtained the Combined Ontology by taking the Newspaper ontology as the base and enhancing it with relevant data from the Social Media Ontology.

    Other creators
    See project
  • Comparison of heap data structures for Dijkstra's algorithm

    -

    1. Implemented Dijkstras algorithm using Binary, Binomial and Fibonacci heaps.
    2. Compared their running times for large number of nodes.

    Other creators
    See project
  • Anomaly Detection in Social Networks

    -

    1. Used graph mining, machine learning and OddBall algorithm to detect link-based static anomalies in weighted graphs of social networks.
    2. OddBall uses the density, weights and eigen values of the egonet (1-step neighbourhood) of each node to calculate the outlierness score. It's based on the 3 power laws, EDPL (Egonet density power law), EWPL (Egonet weight power law) and ELWPL (Egonet Lambda weight power law).
    3. Perfomed the algorithm on facebook dataset from SNAP (Stanford Network…

    1. Used graph mining, machine learning and OddBall algorithm to detect link-based static anomalies in weighted graphs of social networks.
    2. OddBall uses the density, weights and eigen values of the egonet (1-step neighbourhood) of each node to calculate the outlierness score. It's based on the 3 power laws, EDPL (Egonet density power law), EWPL (Egonet weight power law) and ELWPL (Egonet Lambda weight power law).
    3. Perfomed the algorithm on facebook dataset from SNAP (Stanford Network Analysis Project). Assigned edge weights to the unweighted facebook graph based on the similarity of features of the end nodes of each edge.

    Technologies used were R and python.

    Other creators
    See project
  • Denoising Brain MR Images

    -

    1. Implemented a trilateral filter to denoise brain MRI with Rician Noise.
    2. Used image processing techniques like Rough Set Theory (RST) to obtain the Rough Entropy Threshold (RET), Rough Edge Map (REM) and Rough Class Labels (RCL) to produce the third component of a bilateral filter.

    Other creators
    See project
  • Automated Attendance and Cumulative Feedback System

    -

    1. Developed a system to digitalize the procedures of attendance and professor feedback.
    2. Worked on technologies like Video and Image Processing using OpenCV in python, Local Binary Pattern Histograms (LBPH) and Eigen Face recognizers, machine learning algorithms like feature extraction using SURF (Speeded up robust features), k-means clustering, Naive Bayes classification and k-fold cross validation.

    Other creators
    See project
  • Bus Reservation System

    -

    1. Developed a bus reservation system using Django, MySQL and JS.
    2. Integrated it with Google Maps API, to automatically select the nearest pickup and drop points of the passenger based on his source and destination addresses.

    Other creators
    See project
  • C Compiler

    -

    Designed the lexical, syntax, semantic and intermediate code generation phases of a C compiler using Lex and Yacc.

    Other creators
    See project
  • Dynamic Load Balancing

    -

    1. Developed a distributed and dynamic load balancing system using OpenMPI.
    2. Implemented truthful payment mechanism to yield minimum overall expected response time as proposed in the paper 'Algorithmic Mechanism Design for Load Balancing in Distributed Systems'.

    Other creators
    See project
  • Library Management System

    -

    Developed a library management system using MySQL, PHP, HTML and LAMP framework. This system facilitates students and professors to view all the listed books and choose them beforehand as well as provides special access to admins.

    Other creators
    See project
  • Risk Alert in Accident Prone Areas

    -

    Developed a django application to dynamically track the locations of the users and employ machine learning techniques like Naive Bayes classification, genetic algorithm and fuzzy c-means clustering to predict the amount of risk involved based on their age, gender and expertise of driving and notify them of the same.

    Other creators
    See project
  • Applied CS with Android

    -

    An 8 week-long android workshop organized by Google, in which we developed several android applications like Anagrams using HashSets, Scarne's dice with asynchronous programming, word stack, Ghost game with binary search trees and tries, puzzle with heaps, priority queues and A* algorithm, word ladder with graphs, Black Hole using the Monte Carlo method as well as Continental Divide with Dynamic Programming.

    Other creators
    See project
  • BizzChat ( Chat Application )

    -

    Developed a chat application called BizzChat which involves a client-server architecture, and includes general Settings as well as Profile features like Backup and File drag and drop provisions.

    Other creators
    See project
  • Lighte

    -

    1. Developed an android application for the visually impaired.
    2. The application includes storage and retrieval of documents, emergency calls and messages, and location assistance using automatic speech generation and recognition.
    3. Worked on technologies like Android Studio, Microsoft Azure, speech to text conversion, Google Maps integration and SMS API.

    Other creators
    See project
  • Parking Lot Automation Software

    -

    Developed a parking lot automation software called 'ParkWhizz'. It facilitates online booking of parking slots in commercial places.

    Other creators
    See project

Honors & Awards

  • K.C. Mahindra Scholar

    K.C. Mahindra Education Trust

    Awarded the prestigious K.C. Mahindra Scholarship to pursue post-graduate studies at Carnegie Mellon University (CMU).

    http://www.kcmet.org/index.aspx

  • Scholarship for Excellence 2018

    NITK Alumni Association

    Selected for the scholarship awarded by the 1991 Alumni Batch of NITK, for an excellent all-rounded performance during B.Tech.

  • Finalist at Code.fun.do

    Microsoft

    Finalist at Code.fun.do Hackathon organized by Microsoft in the NITK Campus. Developed an android app named "Lighte" which aids and provides basic features for visually impaired people.

Languages

  • English

    Native or bilingual proficiency

  • Hindi

    Native or bilingual proficiency

Organizations

  • IEEE

    Executive Member

    -

More activity by Sheetal

View Sheetal’s full profile

  • See who you know in common
  • Get introduced
  • Contact Sheetal directly
Join to view full profile

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

Others named Sheetal Shalini

Add new skills with these courses