Git Product home page Git Product logo

Hi there πŸ‘‹, I am Mohammad Abdo - aka Jimmy, I am originally from Egypt πŸ‡ͺπŸ‡¬

I am a Ph.D., a research scientist, and used to be an instructor.

Profile views

My honest friends and superiors agreed that my biggest weekness is software development, so that's what I picked as a part of my career 😎


  • πŸ”­ I’m currently a Modeling and simulation specialist, a machine learning staff scientist at Idaho National Laboratory, and a member of RAVEN development team, working on several projects including -but not limited to- Surrogate Construction, Reduced Order Modeling, sparse sensing, metamodeling of porous materials, scaling interpolation and representativity of mockup experiments to target real-world plants, data-driven discovery of governing physics and system identification, digital twins, Time series analysis, Koopman theory, agile software development, and more.

  • 🌱 I’d love to learn in the near future: MLOps, R, Cafee, mongoDB, MySQL,NoSQL, SCALA, Julia, SAS, SPSS, ApacheSpark, Kafka, Hadoop, Hive, MapReduce, Casandra, Weka.

  • πŸ§‘β€πŸ€β€πŸ§‘ I’m looking to collaborate on Physics-based neural networks.

  • πŸ’¬ Ask me about ROM, uncertainty quantification, sensitivity analysis, active subspaces, probabilistic error bounds, dynamic mode decomposition (DMD).
  • ⚑ Fun fact: I like basketball, volleyball, and soccer.

  • 🏑 website | πŸ‘” linkedin | researchgate |

  • 🐦 [twitter][twitter] | πŸ“Ί [youtube][youtube] | πŸ“· [instagram][instagram] |

Skills:


  • πŸ€–πŸ‘½ Machine Learning: regression, regularization, classification, clustering, collaborative filtering, support vector machines, naive Bayes, decision trees, random forests, anomaly detection, recommender systems, artificial data synthesis, ceiling analysis, Artificial Neural Networks (ANNs), Deep Neural Networks (DNNs), Convolutional Neural Networks (CNNs), Recurrent Neural Networks (RNNs), Long Short Term Memory (LSTMs), Natural Language Processing (NLP), Transformer models, Attention Mechanisms.

  • Reduced Order Modeling: PCA, PPCA, KPCA, isomap, laplacian eigenmaps, LLE, HLLE, LTSA, surrogate modeling, Koopman theory, time-delayed embeddings, dynamic mode decomposition (DMD), dynamical systems and control, data-driven (equation-free) modeling, sparse identification of dynamical systems (Sindy), compressive sensing for full map recovery from sparse measurements, time-series analysis, ARMA, ARIMA.

  • Sensitivity Analysis (SA): Sobol indices, morris screenning, PAWN, moment-independent SA.

  • Uncertainty Quantification (UQ): Forward UQ, adjoint UQ, invers UQ.

  • Optimization: Gradient-Based Optimizers, conjugate gradient, Metaheuristic: Simulated Annealing, Genetic Algorithms.

  • πŸ–₯️ Programming Languages and Packages: Bash scripting, MATLAB, Python: numpy, scipy, matplotlib, plotly, bokeh, seaborn, pandas, Jupyter notebook, ScikitLearn, Keras, Tensorflow.

  • ** High Performance Computing (HPC)**

Languages and Tools:

canvasjs vscode github git python jupyter numpy scipy matplotlib seaborn pandas plotly bokeh altair scikit_learn tensorflow keras pytorch linux matlab



Certificates


  • πŸ•―οΈ Machine Learning - Stanford|Online | Intro to ML. (i) Supervised learning (parametric/non-parametric algorithms, support vector machines, kernels, neural networks). (ii) Unsupervised learning (clustering, dimensionality reduction, recommender systems, deep learning). (iii) Best practices in machine learning (bias/variance delimma)
  • πŸ•―οΈ Neural Networks and Deep Learning - DeepLearning.AI | Build, train, and apply fully connected deep neural networks; implement efficient (vectorized) neural networks; identify key parameters in a neural network’s architecture
  • πŸ•―οΈ Improving Deep Neural Networks: Hyperparameter Tuning, Regularization and Optimization - DeepLearning.AI | L2 and dropout regularization, hyperparameter tuning, batch normalization, and gradient checking; optimization algorithms such as mini-batch gradient descent, Momentum, RMSprop and Adam, implement a neural network in TensorFlow.
  • πŸ•―οΈ Structuring Machine Learning Projects - DeepLearning.AI | Diagnose errors in a machine learning system; prioritize strategies for reducing errors; understand complex ML settings, such as mismatched training/test sets, and comparing to and/or surpassing human-level performance; and apply end-to-end learning, transfer learning, and multi-task learning.
  • πŸ•―οΈ Convolution Neural Networks - DeepLearning.AI | Build a convolutional neural network, including recent variations such as residual networks; apply convolutional networks to visual detection and recognition tasks; and use neural style transfer to generate art and apply these algorithms to a variety of image, video, and other 2D or 3D data.
  • πŸ•―οΈ Sequence Models - DeepLearning.AI | Natural Language Processing, Long Short Term Memory (LSTM), Gated Recurrent Unit (GRU), Recurrent Neural Network, Attention Models
  • πŸ•―οΈ Deep Learning Specialization - DeepLearning.AI |


trophy

Top Langs

GitHub stats

GitHub Activity Graph

GitHub metrics

GitHub streak stats

Connect with me:

mohammad abdo mohammad abdo researchgate mohammad abdo

jimmy-inl's Projects

socket.io icon socket.io

Realtime application framework (Node.JS server)

solid icon solid

🎯 A comprehensive gradient-free optimization framework written in Python

solver-in-the-loop icon solver-in-the-loop

Solver-in-the-Loop: Learning from Differentiable Physics to Interact with Iterative PDE-Solvers

son icon son

This repository contains a demo related to the paper "Automatic root cause analysis for LTE networks based on unsupervised techniques." IEEE Transactions on Vehicular Technology (2016), 2369-2386, written by GΓ³mez-Andrades, Ana, et al.

sorn icon sorn

Self-Organizing Recurrent Neural Network

spacexrocket icon spacexrocket

Neural Network learns to land a rocket using Pytorch, Unity's MLAgents and PPO.

sparse_identification icon sparse_identification

Basic regression analysis and sparse identification of Lorenz attractor based on the paper "Discovering governing equations from data by sparse identification of nonlinear dynamical systems" by Brunton et al.

sparser-cnn icon sparser-cnn

End-to-End Object Detection with Learnable Proposal

sparserecovery icon sparserecovery

Implementation of different compressive sensing sparse recovery algorithms.

sparsereg icon sparsereg

a collection of modern sparse (regularized) linear regression algorithms.

sph icon sph

Smoothed Particle Hydrodynamics (SPH) is a meshless method for solving the Navier-Stokes equation, in which fluid properties are stored on Lagrangian fluid particles (i.e. on particles which move with the fluid flow). The particles interact to generate values across the entire fluid domain through continuous smoothing kernels.

springer-books icon springer-books

This repository cotains programs to automatically download Springer books that were made available free of charge during the COVID-19 quarantine.

ss-ood icon ss-ood

Self-Supervised Learning for OOD Detection (NeurIPS 2019)

sspor_pub icon sspor_pub

This repository contains Matlab code to reproduce results for the sparse sensor placement optimization for reconstruction (SSPOR) algorithm.

ssqueezepy icon ssqueezepy

Synchrosqueezing, wavelet transforms, and time-frequency analysis in Python

stable-baselines3 icon stable-baselines3

PyTorch version of Stable Baselines, reliable implementations of reinforcement learning algorithms.

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.