Pinned Repositories
3D-Liver-Segmentation
Automatically segment the liver and liver tumors in CT scans with 3D-UNET
Atrium-Segmentation
Automatically segment the left Atrium in cardiac images
Cardiac-Detection
Predict a bounding box around the heart in X-ray images.
Chat-Bot-using-Streamlit-and-OpenAI
This repository hosts a user-friendly chatbot application, powered by the GPT-3.5 model and built with the Streamlit framework. Engage in dynamic conversations, ask questions, and enjoy interactive responses with ease. Customize and extend its capabilities to suit your specific requirements.
FaceEmotionRecognition
Build a Face Emotion Recognition (FER) Algorithm
Fine-tuning-an-LLM-using-LoRA
📚 Text Classification with LoRA (Low-Rank Adaptation) of Language Models - Efficiently fine-tune large language models for text classification tasks using the Stanford Sentiment Treebank (SST-2) dataset and the LoRA technique.
Image2AudioStoryConverter
Convert images into captivating audio stories using image-to-text, language models, and text-to-speech technologies. Upload images, generate stories, and listen to the narrated audio clips. A fun project combining AI and creativity.
LungTumor-Segmentation
Automatically segment lung cancer in CTs
Pneumonia-Classification
Identify size of pneumonia in X-Ray images
Similar-Paper-Reccomendation
This repository contains an application designed to recommend scientific papers that are most similar to a given input paragraph. The application uses the llama and weaviate libraries to achieve this.
fshnkarimi's Repositories
fshnkarimi/Fine-tuning-an-LLM-using-LoRA
📚 Text Classification with LoRA (Low-Rank Adaptation) of Language Models - Efficiently fine-tune large language models for text classification tasks using the Stanford Sentiment Treebank (SST-2) dataset and the LoRA technique.
fshnkarimi/LungTumor-Segmentation
Automatically segment lung cancer in CTs
fshnkarimi/3D-Liver-Segmentation
Automatically segment the liver and liver tumors in CT scans with 3D-UNET
fshnkarimi/Chat-Bot-using-Streamlit-and-OpenAI
This repository hosts a user-friendly chatbot application, powered by the GPT-3.5 model and built with the Streamlit framework. Engage in dynamic conversations, ask questions, and enjoy interactive responses with ease. Customize and extend its capabilities to suit your specific requirements.
fshnkarimi/Image2AudioStoryConverter
Convert images into captivating audio stories using image-to-text, language models, and text-to-speech technologies. Upload images, generate stories, and listen to the narrated audio clips. A fun project combining AI and creativity.
fshnkarimi/Atrium-Segmentation
Automatically segment the left Atrium in cardiac images
fshnkarimi/FaceEmotionRecognition
Build a Face Emotion Recognition (FER) Algorithm
fshnkarimi/Cardiac-Detection
Predict a bounding box around the heart in X-ray images.
fshnkarimi/Pneumonia-Classification
Identify size of pneumonia in X-Ray images
fshnkarimi/Similar-Paper-Reccomendation
This repository contains an application designed to recommend scientific papers that are most similar to a given input paragraph. The application uses the llama and weaviate libraries to achieve this.
fshnkarimi/train_scheduling_assistant
This project utilizes a fine-tuned Large Language Model (LLM) to generate train scheduling information from unstructured textual data, providing an interactive UI via Streamlit.
fshnkarimi/Machine-Learning-App-Deployment-on-Amazon-EKS-with-MLOps-Practices
This repository demonstrates the deployment of a machine learning app on Amazon EKS using Docker and Kubernetes, with the incorporation of MLOps practices such as version control, CI/CD, and infrastructure as code.
fshnkarimi/ReAct-Framework-Implementation
This repository implements the "ReAct" framework, combining OpenAI's GPT-3.5 Turbo model and LangChain for dynamic reasoning and interaction with external data sources.
fshnkarimi/Financial-Risk-Assessment-using-LightGBM
This project is a demonstration of a Financial Risk Assessment application that predicts risk tolerance based on user-provided financial data. It combines machine learning models (Logistic Regression and LightGBM), FastAPI for the backend, and Streamlit for the frontend to create an interactive web application.
fshnkarimi/DQN
Implement a Deep Q-Network (DQN) model with Experience Replay and Target Network technics with Pytorch
fshnkarimi/GAN-digits
Implement GAN and DCGAN (Deep Learning Course Project)
fshnkarimi/ai-comedy-club
fshnkarimi/Heart-disease-prediction-using-SVM
In this project, Support Vector Machines (SVM) algorithm implemented that determines which patient is in danger and which is not.
fshnkarimi/Keypoint-Description-and-Matching
Advance computer vision course project (Fall 2020)
fshnkarimi/Labeling
fshnkarimi/localGPT
Chat with your documents on your local device using GPT models. No data leaves your device and 100% private.
fshnkarimi/LSTM-GRU
Time series prediction with LSTM and GRU models. (Deep Learning course project)
fshnkarimi/matching-Algorithms
Advance computer vision course project (Fall 2020)
fshnkarimi/MLP_MNIST
Implement MultiLayer Perceptron (MLP) on MNIST dataset
fshnkarimi/Predict_house_prices_KR
Predict house prices with kernel regression
fshnkarimi/ResNet_Pytorch
Implement ResNet architecture and test on CIFAR10 dataset
fshnkarimi/Sentiment-Analysis
Machine Learning Course Final Project (Sharif University of Technology)
fshnkarimi/U-Net
Implement U-Net on CT dataset
fshnkarimi/VAE-MNIST
A variational autoencoders (VAE) applied to the MNIST dataset. (Deep Learning Course Project)
fshnkarimi/XGboost-on-Iris
Clustering on Iris dataset using XGBoost and Gradient Boost