Git Product home page Git Product logo

Hey Data Dreamers!!

๐Ÿš€ Data is God in the world of Machine Learning! Ready to dive into a world where data reigns supreme? Let's make magic together!

I'm not just a Machine Learning Specialist; I'm a wizard who transforms raw data into a symphony of predictive models. I've been immersed in Machine Learning and Computer Vision as a Researcher and Developer.

Core Skills:

  • ๐Ÿ Programming Languages: Python
  • ๐ŸŽ›๏ธ Databases: SQL Server| MongoDB
  • ๐Ÿค– Machine Learning: Supervised Learning| Unsupervised Learning| Gradient Boosting| Ensemble learning| Model Evaluation| Validation
  • ๐Ÿ› ๏ธ Feature Engineering: Feature Selection| Feature Extraction| Dimensionality Reduction| Imputation| Scaling| Encoding
  • ๐Ÿ“Š Data Manipulation & Analysis: Pandas| NumPy| Data Cleaning| Exploratory Data Analysis
  • ๐Ÿ“ˆ Data Visualization: Matplotlib| Seaborn
  • ๐Ÿง  Deep Learning: TensorFlow| PyTorch| Convolutional Neural Networks (CNN)| Generative Adversarial Network (GAN)| You Only Look Once (YOLO)| Auto Encoder| Self-Organising Map (SOM)
  • ๐Ÿ“ธ Computer Vision: Image Classification| Object Recognition| Image Processing| OpenCV| Object Detection| Object Segmentation| Object Tracking| Facial Recognition
  • ๐ŸŒ€ Version Control: GitHub

Projects

The following are some of the notable data science projects I have worked on. Each project showcases my skills in data analysis, machine learning model development, and insights extraction.

Classification Models

๐Ÿ’กDiagnosis Diabetic Retinopathy (PyTorch)

  • Description: Using Convolutional Neural Network for Diabetic Retinopathy Detection
  • Technologies: Convolutional Neural Network, Pytorch, OOP
  • GitHub Repository: Diagnosis of Diabetic Retinopathy

๐Ÿ’กDetection Brain Tumor (PyTorch)

  • Description: Using Convolutional Neural Network for Brain Tumor Detection and Diagnosis (F1-score: 0.97)
  • Technologies: Convolutional Neural Network, Pytorch, OOP
  • GitHub Repository: Brain Tumor Detection

๐Ÿ’กPneumonia Diagnosis (Transfer Learning)

๐Ÿ’กTicket Cancellation Prediction (XGBoost Classifier)

  • Description: This project aims to develop a model that accurately predicts whether users will cancel their tickets. Each cancellation incurs a fine for the ticket registration site from the passenger company
  • Technologies: Sklearn, Xgboost, GridSearchCV, ...
  • GitHub Repository: Prediction Of Ticket Cancellation by XGBoost Classifier

๐Ÿ’กCategory Prediction in an Advertisement Website

  • Description: Category Prediction in an Advertisement Website
  • Technologies: Sklearn, GridSearchCV, SVM, RandomForest, XGBoost, Sklearn.metrics, Textual Vectorization, TF-IDF vectorization
  • GitHub Repository: Category-Prediction-in-an-Advertisement-Website

๐Ÿ’กDetection of Type-2 Diabetes Mellitus Disease

  • Description: XGBoost and CatBoost are powerful machine-learning models that can be used to predict diabetes
  • Technologies: Sklearn, Xgboost, Catboost, GridSearchCV, ...
  • GitHub Repository: Prediction Of Diabetes XGBoost CatBoost

๐Ÿ’กAnalyzing Previous Marketing Campaign Patterns

  • Description: Analysis of Bank Marketing Strategies for Future Success
  • Technologies: Sklearn, Numpy, Pandas, Matplotlib, Seaborn, GridSearchCV, Ensemble, Sklearn.metrics
  • GitHub Repository: [Bank Marketing Strategies for Future Success

Predictive model

๐Ÿ’กPredict the Price Of Diamond (Regression Models)

  • Description: My primary objective in this problem is to accurately predict the price of diamonds by analyzing a comprehensive set of their defining characteristics
  • Technologies: Sklearn, Numpy, Pandas, Matplotlib, Seaborn, GridSearchCV, Linear_model, Ensemble, Sklearn.metrics
  • GitHub Repository: Predict Price Of Diamond By Regression Models

Object Detection & Tracking

๐Ÿ’กYOLOv8 Signs Detection

  • Description: YOLOv8-Based Traffic Signs Detection Model|Training Using Customized Dataset Of Traffic Signs
  • Technologies: YOLOv8, PyTorch
  • GitHub Repository: Traffic Signs Detection YOLOv8

๐Ÿ’กYOLOv8 Car Tracking

Generative AI

๐Ÿ’กGenerating Anime Faces

  • Description: The project has successfully generated compelling anime faces that showcase the realism achieved with DCGAN
  • Technologies: TensorFlow, DCGAN
  • GitHub Repository: Generating Anime Faces (DCGAN)

Data Preprocessing

๐Ÿ’กData Preprocessing For Machine Learning

  • Description: Pre-processing Data: A Step-by-Step Guide and Professional Approach using Class Definition
  • Technologies: OOP, Sklearnlearn, Feature Engineering, Feature selection
  • In Kaggle: Data Preprocessing For Machine Learning)

Object segmentation

๐Ÿ’กMedical Image Segmentation (kidney Tumor)

Get in Touch

If you have inquiries, or collaboration opportunities, or wish to delve into discussions regarding data science projects, please don't hesitate to get in touch. I welcome your outreach and can be reached via email or connect with me on LinkedIn.

Parisa Karimi Darabi's Projects

bank_marketing_strategies_for_future_success icon bank_marketing_strategies_for_future_success

To improve the effectiveness of future marketing campaigns for a financial institution, it is necessary to analyze the patterns of the previous marketing campaign. By doing so, we can identify the best strategies to implement in order to achieve greater success in future campaigns.

brain-tumor-detection icon brain-tumor-detection

Convolutional Neural Network for Brain Tumor Detection and Diagnosis (Pytorch, F1-score: 0.97)

detect_fake_transactions icon detect_fake_transactions

๐Ÿ˜Š๐ŸŽ‰Classification ๐Ÿ˜Š๐ŸŽ‰Recently, a product sales organization has faced a problem: fraud with fake transactions! Due to the heavy volume of transactions and the inability to check them manually, the CEO quickly decides to implement a fraud detection system to prevent such incidents from happening. Therefore, the best way is Machine Learning!

diagnosis_of_pneumonia_by_cnn_classifier icon diagnosis_of_pneumonia_by_cnn_classifier

๐Ÿ˜Š๐ŸŽ‰ConvolutionalNeuralNetwork๐Ÿ˜Š๐ŸŽ‰In this repository, I will demonstrate the progress of an image classification project that aims to distinguish between healthy individuals and those with pneumonia.

git-ninjas icon git-ninjas

This repo is about our Practical Git course, and contains a list of users that successfully finished the course.

password_generator icon password_generator

"This is a mini project called 'Password Generator,' which is a popular tool among programmers for generating strong and secure passwords. The project is designed to allow users to input their preferred password length and character types.

predict_price_of_diamond icon predict_price_of_diamond

๐Ÿ˜Š๐ŸŽ‰ Regression ๐Ÿ˜Š๐ŸŽ‰ My goal in this problem is to predict the price of diamonds based on a number of their characteristics. To solve this problem, we will use the linear regression algorithm

smallcalculator icon smallcalculator

This is a small calculator written in Python, which is designed to perform basic arithmetic operations, such as addition, subtraction, multiplication, and division.

text_classification_by_svm icon text_classification_by_svm

Text Classification for Category Prediction using SVM, RandomForest, and XGBoost classifier: A Case Study with Yektanet Dataset

the_converter_application icon the_converter_application

The Converter Application A simple application that simulates the converter degree from Fahrenheit to Celsius, This project used the Tkinter module for the implementation of GUI.

Recommend Projects

  • React photo React

    A declarative, efficient, and flexible JavaScript library for building user interfaces.

  • Vue.js photo Vue.js

    ๐Ÿ–– Vue.js is a progressive, incrementally-adoptable JavaScript framework for building UI on the web.

  • Typescript photo Typescript

    TypeScript is a superset of JavaScript that compiles to clean JavaScript output.

  • TensorFlow photo TensorFlow

    An Open Source Machine Learning Framework for Everyone

  • Django photo Django

    The Web framework for perfectionists with deadlines.

  • D3 photo D3

    Bring data to life with SVG, Canvas and HTML. ๐Ÿ“Š๐Ÿ“ˆ๐ŸŽ‰

Recommend Topics

  • javascript

    JavaScript (JS) is a lightweight interpreted programming language with first-class functions.

  • web

    Some thing interesting about web. New door for the world.

  • server

    A server is a program made to process requests and deliver data to clients.

  • Machine learning

    Machine learning is a way of modeling and interpreting data that allows a piece of software to respond intelligently.

  • Game

    Some thing interesting about game, make everyone happy.

Recommend Org

  • Facebook photo Facebook

    We are working to build community through open source technology. NB: members must have two-factor auth.

  • Microsoft photo Microsoft

    Open source projects and samples from Microsoft.

  • Google photo Google

    Google โค๏ธ Open Source for everyone.

  • D3 photo D3

    Data-Driven Documents codes.