+
Skip to content
View nov05's full-sized avatar
💭
Homo Sapiens
💭
Homo Sapiens

Block or report nov05

Block user

Prevent this user from interacting with your repositories and sending you notifications. Learn more about blocking users.

You must be logged in to block users.

Please don't include any personal information such as legal names or email addresses. Maximum 100 characters, markdown supported. This note will be visible to only you.
Report abuse

Contact GitHub support about this user’s behavior. Learn more about reporting abuse.

Report abuse
Nov05/README.md

Machine Learning / Data Science

Jun 23, 2025 Generative AI with LangChain hands-on
  • 39 notebooks in Colab
  • 2 application in VS Code Dev Container: Chatbot , Search
May 30, 2025 Stanford AA228V/CS238V, Project 3 Estimate reachable sets
  • Pluto/Julia notebook(HTML), documentation
  • Algorithms implemented: Linear programming (choosing support directions using axis-aligned, random, uniform, 𝐏𝐂𝐀-𝐛𝐚𝐬𝐞𝐝 methods); Non-linear reachability (Taylor expansion-based methods such as Taylor inclusion, Conservative linearization, Concrete Taylor inclusion, 𝐂𝐨𝐧𝐜𝐫𝐞𝐭𝐞 𝐜𝐨𝐧𝐬𝐞𝐫𝐯𝐚𝐭𝐢𝐯𝐞 𝐥𝐢𝐧𝐞𝐚𝐫𝐢𝐳𝐚𝐭𝐢𝐨𝐧); ReLU network, non-linear, non-differentiable (Non-Taylor expansion-based methods such as Natural inclusion, "𝐍𝐞𝐮𝐫𝐚𝐥𝐕𝐞𝐫𝐢𝐟𝐢𝐜𝐚𝐭𝐢𝐨𝐧"'𝐬 𝐀𝐢𝟐 𝐦𝐞𝐭𝐡𝐨𝐝)
May 28, 2025 Stanford AA228V/CS238V, Project 2 Efficiently estimating failure probability
  • Pluto/Julia notebook(HTML), documentation
  • Algorithms implemented: Adaptive importance sampling estimation (Cross entropy method), Bayesian estimation (Beta distribution), Sequential Monte Carlo estimation (aka. Particle filtering), Bridge sampling estimation
May 17, 2025 Stanford AA228V/CS238V, Project 1 Efficiently finding the most-likely failure
  • Pluto/Julia notebook(HTML), documentation
  • Algorithms implemented: Reject sampling, fuzzing, optimization-based falsification (L-BFGS), planning-based falsification (MCTS)
May 8, 2025 Stanford AA228V/CS238V Validation of Safety Critical Systems
  • Course notes
  • Project 0, Falsification introduction, Pluto notebook
Apr 13, 2025 Code review, classical machine learning data analysis
  • Project EasyVisa: Supervised learning, commonly used classification models, EDA, PCA, etc.
  • Project Trade&Ahead: Unsupervised learning, clustering models, flat (K-Means) vs. hierarchical (scikit-learn agglomerative), scikit-learn pipeline, etc.
Feb 10, 2025 Udacity AWS Machine Learning Engineer Nanodegree (ND189)
  • Credential verification, 【my repos】
  
Feb 08, 2025 ✅ Demo project: Terabyte-Scale Machine Learning with AWS, 【my repo】
Jan 21, 2025 ETL, Develop AWS Glue-Spark jobs locally with Docker and VS Code
  • Text format tutorial
  • Glue PySpark EDA example notebook
Jan 17, 2025 ETL, AWS Athena, query and consolidate a large number of small JSON files
  • ETL.ipynb
  • AWS Athena Trino SQL.md
Jan 07, 2025 Bayesian search theory visualization, 【my notebook】
Dec 19, 2024 AWS SageMaker EC2 Training, 【my repo】
Dec 12, 2024 AWS SegeMaker Canvas Data Wrangler data flow: S3 to Feature Store group, 【my notebook】
Dec 07, 2024 ✅ AWS SageMaker training, hyperparameter optimization, deployment, debugger and profiler, 【my repo】
  • Training job with debugging and profiling enabled notebook
  • Training script
  • Inference script
Nov 27, 2024 AWS Step Functions and Lambda image classification machine learning workflow, 【my repo】
Nov 21, 2024 Python AutoGluon, usage report, 【my notebook】
Nov 18, 2024 Udacity Deep Reinforcement Learning Nanodegree
  • Credential verification, 【my repo】, project notes
  
  • Reinforcement Learning, Unity Tennis, MADDPG-TD3
Oct 17, 2024 AWS Certified Machine Learning-Specialty (MLS-C01)
  • credential verification, Credly badge,【Exam prep notes】
  
Sep 26, 2024 Udemy, AWS Certified Machine Learning Specialty (MLS-C01) 2024 - Hands On!
Sep 10, 2024 AWS Certified Data Engineer-Associate (DEA-C01)
  • credential verification, Credly badge,【Exam prep notes】
  
Aug 21, 2024 Udemy, AWS Certified Data Engineer-Associate (DEA-C01) Exam Prep Enhanced Course
Aug 13, 2024 Udemy course, AWS Certified Data Engineer Associate (DEA-C01) 2024 - Hands On!
Apr 11, 2024 Deep Reinforcement Learning, DDPG solving Unity Reacher-v2
Feb 14, 2024 Deep Reinforcement Learning: Deep Q-Network
  •【notebooks】, course content (Double DQN, Dueling DQN)
  • Unity ML-Agents environment 'Banana Collector'
Jan 01, 2024 Deep Reinforcement Learning: Temporal Difference
  •【notebook】, course content (Sarsa, SarsaMax/Q-Learning, Expected Sarsa)
  • Python library OpenAI Gym, environment 'CliffWalking-v0'
Dec 28, 2023 Deep Reinforcement Learning: Monte Carlo control
  •【notebook】, course content
  • Python library OpenAI Gym, environment 'Blackjack-v0'
Dec 23, 2023 Deep Reinforcement Learning: Dynamic Programming
  •【notebook】, course content
  • Python library OpenAI Gym, FrozenLakeEnv()
Dec 14, 2023 Building and Evaluating Advanced RAG, a short course by DeepLearning.AI【notebooks】
  • Python libraries llama-index (RAG), trulens-eval, openai
Dec 06, 2023 Vector Databases: from Embeddings to Applications, a short course by DeepLearning.AI【notebooks】
  • Python library weaviate, openai
Sep 21, 2023 Kaggle competition, Feedback Prize - English Language Learning【my repo】
  • This is also the capstone project for my Udaicty Machine Learning Nanodegree【my certificate】
  
Sep 11, 2023 fine-tuning DeBERTa-v3-base with library Accelerate【my notebook】
  • deberta-v3-base (frozen) + mean pooling with attention mask + 2 fully-connected layers
  • comparison of saving and loading model methods
Sep 08, 2023 HuggingFace, loading models【my notebook】
Aug 20, 2023 Python library sklego.meta【notebook】
Aug 02, 2023 Generative AI with Large Language Models, by Deeplearning.AI and AWS on Coursera
  •【my notes and code】, my certificate
Jun 15, 2023 Python library Gradio【my notebook】
Jun 12, 2023 Bypass the MusicGen 30-second limit【my notebook】
Jun 09, 2023 Testing MusicGen Demo【my notebook】
May 20, 2023【my notebook】, my notes
  • interactive graph visualization with the Python library Pyvis
  • use the Floyd-Warshall algorithm to find All-Paris Shortest Paths
May 08, 2023 Testing SimSwap (DeepFake)
  • 1:N (one face as mask, multiple faces as target)【my notebooks】
  • N:N (multiple mask, multiple targets)【my notebooks】
May 05, 2023 ChatGPT Prompt Engineering for Developers by DeepLearning.AI【notebooks】
Mar 13, 2023 ChatGPT generating Python code to draw national flags【my notebooks】
...
Apr 10, 2020 Udacity, Deep Learning Computer Vision Nanodegree 【my certificate】
  
...
Nov 19, 2018 ~ Jan 09, 2019 deep learning
  • PyTorch Scholarship Challenge, by Udacity and Facebook
  •【my repo】, my badge
  
Oct 2018 ~ Apr 26, 2019 Data Science Specialization, by Johns Hopkins University and Coursera
  • 10 courses, Approximately 7 months at 10 hours a week to complete
  •【my repo】,【my certificate】
  
...

SAP

Jul 13, 2023 openSAP course
  • Using the Optimizer for SQLScript Programming in SAP HANA (hanasql2), my badge
May 10 ~ Jun 07, 2023
  • SAP Developer Code Challenge – Open Source ABAP, my badge
  【my repos】"Hello, world!", ABAP2UI5, ABAP Mustache, ABAP text adventure game
Oct 1~31, 2022 SAP Octoberfest 2022 Winner
...

2008-2024 SAP Community, all badges

Others

Nov 08, 2023 Python, completed all 5 levels of Google Foobar code challenge, 9+1 problems in total【my notebook】
Sep 07, 2023 Github Actions, use it to create a workflow that uploads a repo as a dataset to Kaggle
Sep 02, 2023 Python, Rodrigo's click counter【my notebook】
Sep 01, 2023 Python, abstract vs. interface classes, library ABC or typing.Protocol?【my notebook】
Jul 07, 2023 Python,【my notebook】
  • use LaTex to create number music tabs
  • how to calculate midi music duration in seconds
Jul 06, 2023 tried out the notebook created by charbilalo@gmail.com
  • use the Python library music21 to create Woogie Boogie music
Jun 18, 2023 Python, method functools.reduce()【my notebook】
Jun 12, 2023 Python, use the library Pydub to slice, reverse, fade in/out, crossfade... audio files【my notebook】
...

Pinned Loading

  1. udacity-nd009t-capstone-starter udacity-nd009t-capstone-starter Public

    Forked from udacity/nd009t-capstone-starter

    Udacity AWS Machine Learning Engineers Nanodegree (ND189)

    Jupyter Notebook 2

  2. udacity-deep-reinforcement-learning udacity-deep-reinforcement-learning Public

    Forked from udacity/deep-reinforcement-learning

    Repo for the Deep Reinforcement Learning Nanodegree program

    Jupyter Notebook 5

  3. kaggle--feedback-prize-ell kaggle--feedback-prize-ell Public

    Forked from josarago/kaggle--feedback-prize-ell

    Code used for the kaggle challenge

    Python 2

  4. Udacity-PyTorch_Challenge Udacity-PyTorch_Challenge Public

    Facebook PyTorch Scholarship Challenge by Udacity (Deep Learning)

    Jupyter Notebook 3

  5. Learning-Portfolio Learning-Portfolio Public

    This is a portfolio repository.

    Jupyter Notebook 3 7

  6. django-tally django-tally Public

    2019-01-06 This is a Django app deployed on AWS.

    JavaScript 2 3

点击 这是indexloc提供的php浏览器服务,不要输入任何密码和下载