MohammadJavad Mehditabar

NLP and Machine Learning Enthusiastic · mjavadmt80@gmail.com

I'm a Graduate B.Sc. in Computer Engineering from Iran University of Science and Technology(IUST). During my second year of study, I became captivated by the applications of Data Science and AI, which led me to pursue this field. Embarking on the AI path, I began delving into Machine Learning models and Data Engineering, and recently, focusing on NLP and Computer Vision.
Currently NLP is my major field and we have published a paper named "MBTI Personality Prediction Approach on Persian Twitter".
Sentiment Analysis, Large Language Models and Question Answering are main subdomain of my research and I invest time to follow the newest developments besides coming up with new idea and enhance the former methodologies.


Education

Iran University of Science and Technology

B.Sc. Computer Engineering
Tehran, Iran
Sep 2019 - Sep 2023

Resarch Interests

  • Natural Language Processing
  • Large Language Models
  • Sentiment Analysis
  • Question Answering
  • Computer Vision / Image Processing
  • Machine Learning / Deep Learning

publication

MBTI Personality Prediction Approach on Persian Twitter [Paper] [Poster]

S Fatehi, Z Anvarian, Y Madani, MJ Mehditabar, S Eetemadi

We collected our Persian dataset by crawling Twitter user BIOs and tweets. Subsequently, we introduced the BiLSTM + Attention architecture, which outperformed the baseline model. Finally, we shifted our focus towards data analysis and model interpretability.


Resarch Experience

MBTI Sentiment Analysis of Long Persian Corpus using Hierarchical BERT

Final B.Sc. Thesis
  • Proposed a novel approach that leveraged two consecutive BERT models(Hierarchical BERT) surpassing the performance of two other implemented model Attention + BiLSTM and Sentence Aggregation with BERT.
  • Peformed fine-tuning with Masked Language Modeling method on ParsBERT.
  • Resolved GPU memory issue in spite of fine-tuning on both BERT models.
  • Calculated TF-IDF and RNF (Relative Normalized frequency) to determine impact of words.
  • Explored BERT explainability and intend to implement it.
IUST NLP Lab
Jun 2022 - Present

Personality Detection Based On Tweets Of Users [GitHub]

Resarch Assistant
  • Utilized GPT-3.5 for data augmentation and also one-shot and zero-shot learning.
  • Implemented sentence generation based on each label from GPT2 after fine-tuning our data on them. Furthermore, trained custom tokenizer based on sentence piece tokenizer.
  • Proposed three different architecture BERT into BERT, truncated BERT and Word2Vec + ParsBERT embeddings for classification.
  • Generate Word2Vec, FastText and BERT vector after training our dataset on them.
  • Examinied papers with various model implementation, including SVM with leveraging LIWC and ConceptNet, LSTM and BERT.
  • Studied and implemented NRC, TF-IDF approaches, and Resolved memory issue using Keras Data Generator.
IUST NLP Lab
May 2022 - Aug 2023

Long Document Classification Methods On Transformers [GitHub]

Resarch Assistant
  • Implemented Hierarchical BERT, Sliding Window and Sentence Aggregation
  • Investigated on LongFormer, docBERT, Unlimiformer and LongNet as a single transformer with longer input length, also analyzed ToBERT (Transformer over BERT) RoBERT (Recurrence over BERT) methods with effect of key sentence extraction.
IUST NLP Lab
Mar 2023 - Aug 2023

Applied DataScience and Machine Learning

Internship
  • Initially focused on data analyzing and visualization, Then on text mining and cleaning with Regex, Next concentrated on investigating classic machine learning models such as KNN, Logistic Regression, SVM, Random Forest and etc. Following this, I conducted an in-depth study of neural network approaches such as ANN, CNN, RNN. Furthermore, experimented methods of data normalizing, regularizing, augmenting, and hyperparameter tuning to enhance performance. Finally, evaluated transfer learning and few-shot learning with pre-trained models.
IUST NLP Lab
Jul 2021 - Apr 2022

Teaching Experience

  • • Software Engineering , Mentor
    Prof. Behrouz Minaei Bidgoli , Jan 2023 - Dec 2023
  • • Computational Intelligence , TA
    Prof. Naser Mozayani , Sep 2022 - Dec 2022
  • • Algorithm Design , TA
    Prof. Sauleh Eetemadi , Jan 2022 - Jun 2022
  • • Theory of Languages and Automata , TA
    Prof. Reza Entezari Maleki , Jan 2022 - Jun 2022
  • • Data Transmission , TA
    Prof. Ahmad Akbari , Jan 2022 - Jun 2022
  • • Data Structures , Mentor
    Prof. Sauleh Eetemadi , Sep 2021 - Dec 2021
  • • Advanced Programming , Mentor
    Prof. Sauleh Eetemadi , Jan 2021 - Jun 2021
  • • Fundamental of Computer Programming , Mentor
    Prof. Sauleh Eetemadi , Sep 2020 - Dec 2020

University Projects

Personality Detection (NLP Course Project) [GitHub]

  • Introduced novel model architectures for classification and incorporated additional non-text features to enhance performance.
  • Implemented sentence generation with language modeling on GPT model.
  • Automated the process of crawling, cleaning, and analyzing data, including word count histograms, TF-IDF, RNF, and more.
Feb 2023 - Jun 2023

Visual Question Answering [GitHub]

  • Built a custom transformer-based MiniVQA model from scratch. It involved extracting image embeddings, obtaining question embeddings from pretrained BERT embeddings, passing the question embedding through encoder and decoder layers, and generating answers by concatenating them and applying a linear layer at the end.
  • Worked on ResNet as a pretrained image feature model and utilized a sentence transformer with Distil-BERT as the base model.
May 2023 - Jun 2023

Covid Detection on X-Ray Chest Images (Deep Learning Course Project) [GitHub]

  • Initially, data augmentation techniques, including rotation, flipping, and noise addition, were employed. The SqueezeNet model was selected for transfer learning, with the addition of two layers, Conv2d and Adaptive pooling, at the end. During training, the initial layers were frozen, and fine-tuning was conducted on the last two layers. Evaluation incorporated new criteria such as sensitivity and specificity, along with the generation of a confusion matrix and ROC curve.
Dec 2022 - Jan 2023

Computational Intelligence [GitHub 1, 2, 3 ]

  • Designed a Kohonen (SOFM) network to recognize and cluster MNIST dataset numbers based on similarity. Additionally, used the Kohonen network to approximate solutions to NP-Hard TSP problems, providing results close to the actual solutions.
  • Implemented a Hopfield model which could remove noise from images.
  • Implemented a neural network from scratch containing all forward and backward computation as well as custom hyperparameters.
Feb 2022 - Jun 2022

Artificial Intelligence [GitHub]

  • This course project consists of CS188 Berekely project. DFS, BFS, A* were implemented in the first phase. In the second phase adversarial methods such as multiagent minimax, expectimax algorithms were implemented. Finally, in the last phase implemented Reinforcement Learning methods such as value function, Q Learning, and Approximate Q learning.
Oct 2021 - Dec 2021

Saku (Software Engineering Course Project) [GitHub]

  • Developed a web-based application as a front-end developer using ReactJS. The application primarily functions as an auction platform and includes features such as in-app chat, auction trading, and bid proposal.
Feb 2022 - Jun 2022

Course Accomplishments

Academic

  • Natural Language Processing (CS224N) 20/20
  • Artificial Intelligence 20/20
  • Computer Security 20/20
  • Data Transmission 20/20
  • Deep Learning 20/20
  • System Analysis and Design 19.25/20
  • Graph Theory 19.75/20
  • Algorithm Design 19.3/20
  • Embedded Systems and Iot 20/20
  • Database Design 20/20
  • Computational Intelligence 18.5/20
  • Theory of Languages and Automata 19.6/20
  • Software Engineering 20/20
  • Data Structures 20/20
  • Operating System 20/20
  • Advanced Programming 20/20

Coursera


Working Experience

Dadmatech [Linkedin]

Data Scientist
  • Initially, developed a questionnaire web app using Django. Subsequently, retrieved user Twitter data through web crawling, followed by data cleaning using regex commands and data manipulation with pandas. Finally, focused on SQL queries for data extraction.
Tehran, Iran
Jun 2022 - Jan 2023

Skills

Programming Languages
Python, C#, Javascript, SQL
Machine Learning
Pytorch, Tensorflow, Keras, OpenCV, NLTK, Huggingface, Scikit Learn, Pandas, Numpy, Matplotlib
Web development
Django, ReactJS
Tools & Methods
Git, Docker, LaTeX, Scrum, Trello
Languages
English (fluent - TOEFL exam will be taken soon), Persian (Native)

Awards

  • Ranked 6th among 90 students of Computer Engineering Bachelor Science with GPA 3.94/4
  • Permitted to apply as a Master Science student without taking National Entrance Exam
  • Ranked among top 0.4% from 144k National Universities Entrance Exam participants