Raza Mehar's repositories
Brain-Tumor-Multi-class-Image-Classifier
Utilized deep learning systems to classify brain MRI scans into glioma tumor, meningioma tumor, pituitary tumor, or no tumor. We addressed class imbalance using undersampling and augmented the dataset with rotation, shifting, shearing, zooming, and flipping techniques.
Employee-Turnover-Insights-using-Survival-Analysis
Analyzed employee turnover (Jan 2022 - Mar 2023) at my former organization, considering trends, departmental attrition, and tenure insights. Used predictive analytics from the 2022 Employee Engagement Survey to identify groups with flight risk. Incorporated Survival Analysis for temporal patterns, guiding decisions to improve retention.
Financial-Stock-Analysis-and-Clustering
Analyzed 157 US Energy stocks (Jan-Dec '23), identified Bullish/Bearish trends and risk categories. Used KMeans, Hierarchical, Spectral Clustering, revealing balanced returns and low volatility. Integrated data with Kafka for seamless subscriptions.
Naples-Diaper-Market-Geo-Analytics-for-Potential-Estimation
Analyzing Fater company's diaper market potential and enhancing revenue estimation for Naples stores: A Socio-Demographic, Territorial, and Points of Interest Perspective
plant-disease-detection-using-YOLO
This project aims to develop a robust plant disease detection system using advanced machine learning techniques, primarily leveraging YOLO for object detection. The workflow includes data preprocessing, feature extraction, non-negative matrix factorization, fuzzy clustering, and model training.
Chat-with-your-data
Taira is a RAG-based conversational AI chatbot capable of reading and interacting with various types of documents such as PDF, Word, Excel files, and webpages.
Machine-Translation
A machine translation project featuring RNN-based Seq2Seq, Transformer model, and pretrained models for translating English to Spanish and Urdu.
Movie_Recommendation_System
This project employs multiple recommendation techniques, including popularity-based ranking with Bayesian averages, content-based suggestions using cosine similarity, and collaborative filtering via the Surprise library.
political_leaning_news_detection_backend
Political Leaning Detection in the News Articles
Predicting-Bank-Customer-Churn
This project aims to predict bank customer churn using a dataset derived from the Bank Customer Churn Prediction dataset available on Kaggle. The dataset for this competition has been generated from a deep learning model trained on the original dataset, with feature distributions being similar but not identical to the original data.
Reverse-Image-Search-Constructor
This project demonstrates image similarity search using two advanced techniques: K-Nearest Neighbors (KNN) and Approximate Nearest Neighbors (ANNOY). This project uses the Caltech 101 dataset to extract features from images using the ResNet50 model, and then performs similarity searches to identify and visualize similar images.
Statistical-Analysis-on-the-Boston-Housing-data
R-based statistical analysis of Boston Housing Data. Explored feature scales, computed descriptive stats, visualized data, and identified outliers (e.g., higher crime rates in specific areas). Examined variable relationships, calculated correlation coefficients, and presented findings via cross-classifications.
Synthetic-to-Real-Image-Classifier
The CGI2Real_Multi-Class_Image_Classifier categorizes humans, horses, or both using transfer learning from Inception CNN. Trained on synthetic images, it can also classify real ones.
Semantic-Image-Segmentation-U-Net-vs-SegNet
This project implements semantic image segmentation using two popular convolutional neural network architectures: U-Net and SegNet. Semantic image segmentation involves partitioning an image into multiple segments, each representing a different class.
Sentiment-Analysis-using-Deep-Learning---Machine-Learning
Sentiment analysis on the IMDB dataset using Bag of Words models (Unigram, Bigram, Trigram, Bigram with TF-IDF) and Sequence to Sequence models (one-hot vectors, word embeddings, pretrained embeddings like GloVe, and transformers with positional embeddings).
Simple-Neural-Network-Implementation-using-NumPy
A simple Python implementation of a neural network to solve the XOR problem using various initialization techniques and activation functions.