Projects in Awesome Lists by razamehar
A curated list of projects in awesome lists by razamehar .
https://github.com/razamehar/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
contingency-table decision-trees diaper-market ensemble-machine-learning feature-importance geo-analytics gridsearchcv hyperparameter-tuning kruskal-wallis-test mann-whitney-u-test market-analysis pareto-analysis python random-forest revenue-estimation scikit-learn
Last synced: 18 Mar 2025
https://github.com/razamehar/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.
auto-keras convolutional-neural-network convolutional-neural-networks feature-extraction fine-tuning gradcam image-classification inceptionv3 keras-tuner ptyhon3 transfer-learning
Last synced: 18 Mar 2025
https://github.com/razamehar/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.
financial-analysis hierarchical-clustering kafka-producer kmeans-clustering pandas python rdd stock-analysis
Last synced: 18 Mar 2025
https://github.com/razamehar/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.
cox-proportional-hazards employee-turnover kaplan-meier python survival-analysis
Last synced: 18 Mar 2025
https://github.com/razamehar/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.
Last synced: 18 Mar 2025
https://github.com/razamehar/ai-text-generator
This project explores George Orwell's writing by analyzing word frequency, collocations, and training a fine-tuned GPT-2 model to generate text in his distinctive style.
collocation-analysis generative-ai george-orwell gpt-2 natural-language-processing nltk nucleus-sampling perplexity pointwise-mutual-information python stopwords-removal temperature tensorflow text-analysis tokenization top-k-sampling word-frequency-analysis
Last synced: 18 Mar 2025
https://github.com/razamehar/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.
fuzzy-cmeans-clustering non-negative-matrix-factorization object-detection plant-disease-detection python tensorflow yolov8
Last synced: 18 Mar 2025
https://github.com/razamehar/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).
bag-of-words glove-embeddings imdb-dataset multinomial-naive-bayes one-hot-encoded-vectors python sentiment-analysis sequence-to-sequence-models tensorflow term-frequency-inverse-document-frequency tf-idf-vectorizer transformer-architecture word-embeddings
Last synced: 18 Mar 2025
https://github.com/razamehar/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.
Last synced: 18 Mar 2025
https://github.com/razamehar/simple_calculator
Functions to perform addition, subtraction and multiplication
Last synced: 18 Mar 2025
https://github.com/razamehar/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.
adaboost-classifier classifier-model customer-churn-analysis customer-churn-prediction extra-trees-classifier gradient-boosting-classifier hyperparameter-tuning knn-classification python random-forest-classifier shapley-additive-explanations smote-sampling xgboost-classifier
Last synced: 18 Mar 2025
https://github.com/razamehar/weather-time-series-analysis-using-statistical-methods-and-deep-learning-models
This project conducts a thorough analysis of weather time series data using diverse statistical and deep learning models. Each model was rigorously applied to the same weather time series data to assess and compare their forecasting accuracy. Detailed results and analyses are provided to delineate the strengths and weaknesses of each approach.
bidirectional-lstm centered-approach differencing gru learning-rate-scheduling lstm moving-average naive-forecasting neural-network python3 qqplots seasonality smoothing time-series-analysis weather-forecast
Last synced: 18 Mar 2025
https://github.com/razamehar/ai-debate-simulator
chatbot langchain openai python
Last synced: 10 Apr 2025
https://github.com/razamehar/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.
bayesian-average collaborative-filtering content-based-filtering cosine-similarity python recommender-system
Last synced: 18 Mar 2025
https://github.com/razamehar/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.
boston-housing-dataset correlation-analysis cross-classification descriptive-statistics frequency-distribution outliers-detection r-programming statistical-analysis
Last synced: 18 Mar 2025
https://github.com/razamehar/machine-translation
A machine translation project featuring RNN-based Seq2Seq, Transformer model, and pretrained models for translating English to Spanish and Urdu.
gated-neural-network helsinki-nlp machine-translation python3 recurrent-neural-networks sequence-to-sequence transformer
Last synced: 18 Mar 2025
https://github.com/razamehar/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.
image-segmentation python3 segnet semantic-image-segmentation tensowflow u-net
Last synced: 18 Mar 2025
https://github.com/razamehar/log-management-system-using-mongodb
fastapi mongodb postman python
Last synced: 21 Mar 2025
https://github.com/razamehar/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.
convolutional-neural-networks image-classification inceptionv3 multi-class-classification python real-image-classification synthetic-images tensorflow
Last synced: 18 Mar 2025
https://github.com/razamehar/chat-between-two-ai-models
chatbot langchain openai python
Last synced: 09 Mar 2025
https://github.com/razamehar/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.
Last synced: 18 Mar 2025