Summary
Overview
Work History
Education
Skills
Other Projects
Work Availability
Timeline
Posholi Nyamane

Posholi Nyamane

Machine Learning Engineer
Boulder,CO

Summary

A versatile Machine Learning Engineer with strong software engineering foundations. Experienced in developing both high-level and embedded software while seamlessly integrating machine learning algorithms into scalable solutions. Leveraged state-of-the-art machine learning techniques to design robust and efficient algorithms. Proven adaptability across diverse applications, ranging from healthcare to logistics. Actively seeking roles that combine machine learning engineering and software development to drive innovation and deliver value.

Overview

7
7
years of professional experience

Work History

Software and Machine Learning Engineer

Cardinal Peak
Lafayette, USA
04.2022 - 08.2023

An engineering services contracting firm


Projects:


Microscope Image Analysis System

Technologies: Python, PyTorch, AWS (S3, Fargate, Batch), Apache Spark, PostgreSQL, Alembic, SQLAlchemy, Docker, FastAPI, NumPy, Pandas

  • Led design and development of end-to-end deep learning pipeline for automated cell counting in microscope images
  • Engineered and optimized convolutional neural network architectures, achieving over 97% detection accuracy on validation set of 50,000+ images
  • Designed and constructed distributed data pipelines using Apache Spark and AWS S3, reducing pipeline runtime by 35%
  • Performed hyperparameter tuning at scale using AWS Batch and spot instances, substantially accelerating model training efficiency
  • Deployed trained model behind FastAPI endpoint on AWS Fargate compute clusters


Smart Pet Monitoring Application

Technologies: Python, AWS (Sagemaker, KVS WebRTC, Greengrass, S3), Raspberry Pi, Docker, NumPy

  • Spearheaded design and development of real-time smart pet monitoring application
  • Utilized AWS Sagemaker for model training and feature engineering, with data stored in S3
  • Deployed trained model on AWS Sagemaker endpoint and also on edge (on Raspberry Pi) for low-latency processing, in dockerized AWS Greengrass environment.

Full Stack Software Engineer

Makhi
Johannesburg, South Africa
09.2019 - 08.2021

Startup providing mobile app-based truck or van hailing services for moving and deliveries


Technologies: Flutter, Python, Flask, NumPy, Google Firestore, Google Cloud Run, Docker

  • Collaborated on designing and building customer and driver mobile apps using Flutter
  • Developed Flask API backend and integrated it with NoSQL Google Firestore database
  • Deployed API backend using Docker and Google Kubernetes Engine (GKE)
  • Analyzed pricing data to develop linear regression pricing model that improved delivery costs estimation accuracy by 60%

R&D Software Engineer

Mevion Medical Systems
Littleton, MA
08.2016 - 06.2019

Medical devices company specializing in proton radiation therapy machines


Projects:


Beam Shaping System Control System Optimization

Technologies: Python, Pandas, NumPy, scikit-learn, Reinforcement Learning, MATLAB

  • Engineered Python-based reinforcement learning model to optimize system parameters for enhanced motor control
  • Created simulated environment for PID controller tuning, incorporating real motion profile data
  • Conducted data cleaning and preprocessing using Python and Pandas
  • Achieved improved positioning accuracy and smoother motion, reducing motor dislodging incidents and increasing system uptime by 80%


Beam Data Analysis

Technologies: Python, Pandas, NumPy, scikit-learn, MATLAB

  • Created beam data analysis tools using Python and MATLAB, providing deeper insights into beam trajectory dynamics
  • Applied these insights to significantly improve accuracy of beam guiding system

Education

Master of Science - ECE - Data Science/Applied Machine Learning

Carnegie Mellon University, Pittsburgh, PA
08.2020 - 2021.05

Bachelor of Science - Computer Engineering And Applied Physics

Tufts University, Medford, MA
09.2012 - 2016.05

Skills

    Programming: Python, MATLAB, Dart, Flutter, Verilog HDL, C, C, Arduino, Bash, JavaScript, SQL, React

undefined

Other Projects

Large Language Models(LLMs) Question Answering System

Developed an intelligent question-answering system using Python, Pytorch, and Large Language Models (LLMs). The system features a comprehensive text preprocessing module, meticulous data analysis, advanced Natural Language Processing (NLP) techniques, and is powered by a finetuned GPT-2 model. Designed for scalability and effectiveness, the system demonstrates significant potential for real-world applications, such as automating customer support services.

Technologies: Python, Pytorch, Large Language Models (LLMs)

Data preprocessing:

  • Built a comprehensive preprocessing module to clean and prepare text: Developed a robust preprocessing pipeline for text data that involved techniques such as tokenization, stemming, and removal of stopwords and special characters, setting the stage for effective data analysis.

Data Analysis:

  • Understanding Data Distribution: Conducted a deep dive into the statistical properties of the dataset to understand types of questions and answer formats, tailoring the model's architecture accordingly.
  • Feature Selection and Engineering: Identified key lexical and syntactic features that could enhance the LLM’s capabilities in question-answering tasks.
  • Identifying Gaps and Biases: Carried out an examination of data to reveal inherent biases and limitations, laying the groundwork for model fine-tuning and ethical considerations.
  • Model Evaluation Metrics: Set up appropriate evaluation metrics like F1-score and BLEU score based on a thorough understanding of the dataset, allowing for quantitative performance measurement.
  • Correlation Analysis: Utilized Pearson correlation coefficients to understand interconnections between various data elements.

Algorithm Development:

  • Finetuned a GPT-2 model for question answering: Employed transfer learning techniques to adapt a pre-trained GPT-2 model specifically for the question-answering domain, benefitting from the feature engineering and bias identification steps performed earlier.
  • Developed an answer generation algorithm using the finetuned GPT-2 model: Created a custom algorithm to generate accurate and coherent answers from the finetuned model, demonstrating the potential for real-world applications like customer support automation.
Testing:
  • A/B Testing: Conducted A/B tests post-initial model training to quantitatively measure the model's real-world effectiveness.

AI-Powered Image Compression System

Developed an AI-driven image compression solution by adapting the Transformer Neural Network architecture. Achieved a high compression rate of 0.5 bits/byte and 98.7% recovery accuracy, demonstrating the system's robustness and efficiency.

Technologies: Python, PyTorch, Transformer Neural Network Data Analysis:
  • Reviewed the statistical properties of image datasets to identify trends in color distribution and spatial characteristics.
  • Performed feature engineering to isolated critical features, such as texture patterns and gradients, to improve the compression algorithm.
  • Analyzed noise to understand its impact on compression and recovery accuracy.
  • Enriched the training dataset using techniques like rotation, flipping, and scaling to ensure model robustness.
Model Engineering and Training:
  • Modified the encoder architecture from Transformer Neural Networks to specialize it for image compression tasks.
  • Designed and implemented a decoder module.
  • Utilized the CIFAR-10 dataset of diverse images for model training.
  • Conducted grid search and random search to fine-tune the model's hyperparameters for optimal performance.
  • Crafted a specialized loss function, composed of SSIM and MAE, focused on optimizing reconstruction and similarity errors to ensure high fidelity in decompressed images.
Performance Metrics:
  • Utilized PSNR (Peak Signal-to-Noise Ratio) and SSIM (Structural Similarity Index) for performance measurement.
Network Intrusion Detection System

Built a network intrusion detection system Generative Adversarial Networks, leveraging the UNSW-NB15 dataset. The model demonstrated high applicability in real-world cybersecurity scenarios.

Technologies: Python, PyTorch, Generative Adversarial Networks (GANs)

Data Preprocessing:

  • Utilized the UNSW-NB15 dataset, applying data cleaning techniques to remove anomalies and inconsistencies, laying the foundation for robust training.

Data Analysis:

  • Feature Importance: Employed machine learning algorithms to rank the importance of features like packet rate, byte size, and protocol type in intrusion detection.
  • Anomaly Detection: Conducted in-depth analysis to identify patterns characteristic of network intrusions.
  • Evaluation Metrics: Used metrics like True Positive Rate, False Positive Rate, and F1-score for quantitative performance assessment.
  • Data Imbalance: Analyzed the class distribution to recognize and address data imbalance issues, which are common in cybersecurity datasets.
  • Employed PCA (Principal Component Analysis) to reduce dimensionality and improve computation speed.


Model Engineering and Training:

  • Trained Generative Adversarial Network model to build the intrusion detection algorithm, focusing on distinguishing between normal and malicious network traffic.

Testing:

  • Conducted simulated attacks to test the system’s performance in realistic conditions.

Work Availability

monday
tuesday
wednesday
thursday
friday
saturday
sunday
morning
afternoon
evening
swipe to browse

Timeline

Software and Machine Learning Engineer - Cardinal Peak
04.2022 - 08.2023
Carnegie Mellon University - Master of Science, ECE - Data Science/Applied Machine Learning
08.2020 - 2021.05
Full Stack Software Engineer - Makhi
09.2019 - 08.2021
R&D Software Engineer - Mevion Medical Systems
08.2016 - 06.2019
Tufts University - Bachelor of Science, Computer Engineering And Applied Physics
09.2012 - 2016.05
Posholi NyamaneMachine Learning Engineer