VibeBuilders.ai Logo
VibeBuilders.ai

All Resources

[Help Needed] Developing an AI to Play Mini Metro – Struggling with Data Extraction & Strategy method
reddit
LLM Vibe Score0
Human Vibe Score1
Primary_Cheesecake63This week

[Help Needed] Developing an AI to Play Mini Metro – Struggling with Data Extraction & Strategy method

Hello everyone ! First of all, please excuse my English if i do mistakes, as it is not my native language and I am not necessarily comfortable with it :) Regarding this project, I will explain my initial intention. I know very little about coding, but I enjoy it and have had some Python lessons, along with a few small personal projects for fun, mostly using YouTube tutorials. Nothing too advanced... However, now I want to take it to the next level. Since I have some familiarity with coding, I’ve wanted to work on artificial intelligence for a while. I have never coded AI myself, but I enjoy downloading existing projects (for chess, checkers, cat-and-mouse games, etc.), testing their limits, and understanding how they work. One of my favorite strategy game genres is management games, especially Mini Metro. Given its relatively simple mechanics, I assumed there would already be AI projects for it. But to my surprise, I could only find mods that add maps ! I admit that I am neither the best nor the most patient researcher, so I haven’t spent hours searching, but the apparent lack of projects for this game struck me. Maybe the community is just small ? I haven't looked deeply into it. So, I got it into my head to create my own AI. After all, everything is on the internet, and perseverance is key ! However, perseverance alone is not enough when you are not particularly experienced, so I am turning to the community to find knowledgeable people who can help me. The First Obstacle: Getting Game Data I quickly realized that the biggest challenge is that Mini Metro does not have an accessible API (at least, not one I could find). This means I cannot easily extract game data. My initial idea was to have an AI analyze the game, think about the best move, and then write out the actions to be performed, instead of coding a bot that directly manipulates the game. But first, I needed a way to retrieve and store game data. Attempt #1: Image Recognition (Failed) Since there was no API, I tried using image recognition to gather game data. Unfortunately, it was a disaster. I used mss for screenshots ,Tesseract for OCR, andNumPy to manipulate images in the HSV color space but it produced unreliable results : It detected many false positives (labeling empty spaces as stations) It failed to consistently detect numbers (scores or resources like trains and lines) Dotted bridge indicators over rivers were misinterpreted as stations While I could detect stations, lines, and moving trains, the data was chaotic and unreliable Attempt #2: Manual Data Entry (Partially Successful but Impractical) Since image recognition was unreliable, I decided to manually update the game data in real-time. I created a script that : Displays an overlay when I press Shift+R. Allows me to manually input stations, lines, and other game elements. Saves the current state when I press Shift+R again, so I can resume playing. Implements a simple resource management system (trains, lines, etc.). This works better than image recognition because I control the input, but I’m running into serious limitations : Some game mechanics are hard to implement manually (adding a station in the middle of a line, extending the correct line when two lines overlap at a station) Keeping track of station demands (the shapes passengers want to travel to) becomes overwhelming as the game progresses Updating the score in real-time is practically impossible manually, and the score is essential for training an AI (for my reward systems) My Dilemma At this point, I am unsure of how to proceed. My questions for the community : Am I going in the right direction? Should I continue improving my manual tracking system or is it a dead end? Should I have persevered with image recognition instead? Is there a better way to extract game data that I haven’t thought of? I would appreciate any guidance or ideas. Thanks in advance ! if you need more info, i have posted my codes here : https://github.com/Dmsday/mini\metro\data\analyzer (for the image detection version I'm not sure that it's the latest version aka the most "functional" version that I could do because I think I deleted it out of boredom...)

How do byte-level language models work?
reddit
LLM Vibe Score0
Human Vibe Score1
Additional-Ad-7043This week

How do byte-level language models work?

I've recently been trying to pre-train my own small language model on the tiny-series datasets on huggingface: https://huggingface.co/collections/nampdn-ai/tiny-series-6503910fd491144159519c70. I also wanted to use a model similar to MEGABYTE: https://arxiv.org/pdf/2305.07185.pdf, but I don't understand how using bytes would work. The only implementation I could find: https://github.com/lucidrains/MEGABYTE-pytorch used str(chr(max(32, token))) to decode any token (byte) to a character and put the embedding size as 256. Firstly, why 256 and not 256-32 as any values below 32 are ignored? Also, many byte-level models including this and ByteT5 mention that they can process any text sequence even in a multilingual setting, however how would that be true if we are only using one byte, would we have to move to 2 bytes or use an UNK token, and if we did use 2 bytes that would make our embedding size around 65000 which defeats sort of the point as one of the advantages mentioned is that we are able to use a small embedding matrix? Furthermore, most language models add special tokens like bos, eos, unk and even for llama they use beginning of instruction, end of instruction, and more for system instructions, response, context... Should I use something like this as my dataset has some structures where there is a context, instruction and response, and if i did how would I add these if I'm using byte-level encodings? Final questions: Firstly, for the datasets mentioned including code,stories,webtext,... would I tokenise all of these datasets then concatenate them to then randomly sample from, or should i train seperately on each as some like code and webtext are much larger than the others? Finally, for the webtext part of the dataset, there is a passage of text then a passage analysing the text (main ideas,purpose,...), how should I encode this, should I use an extra ANALYSE token or just concatenate? Thank you for reading this far, I am sort of a beginner so if I said something stupid please point it out. Also, if there were unclear parts in my question I'm sorry as I struggled how to word these questions. Any help would be appreciated!

Scratch Machine Learning Algorithms Implementations
reddit
LLM Vibe Score0
Human Vibe Score1
ParkMountainThis week

Scratch Machine Learning Algorithms Implementations

Hi there, other Redditors! Like many of you, when I first started working in the AI field, I wanted to build some basic Machine Learning models from scratch in order to better understand how each algorithm works, improve my programming and math skills, or simply produce an eye-catching, difficult project to put in the résumé. After spending some time searching for resources that could help me guide my studies, I discovered that the majority of scratch implementations that are currently available are either i) outdated (having been implemented years ago using Python 2 or an earlier version of Python 3); ii) too difficult to understand (using a lot of difficult, unfriendly optimization techniques or with poorly written code); or iii) too simple (only covering binary classification). With that in mind, I made the decision to develop user-friendly, uncomplicated, organized, and simple implementations from scratch. Aside from all of that, I've always wanted to create an open-source project so that others, particularly novices and those with less than a year's experience (like me), can collaborate with others, contribute to public projects, and experience Git firsthand (some of these implementations were made by other contributors!). Here are some implementations that are available: Algorithms (Random Forest Classifier and Regressor, Decision Tree Classifier and Regressor, KMeans, KNN Classifier and Regressor, Gaussian Naive Bayes, Linear Regression, Logistic Regression, PCA, Perceptron, MLP Classifier and Regressor, SVM Classifier and Regressor); Regression and classification metrics; Distance metrics (such as Euclidean); Data split functions (such as KFold); Activation and loss functions; Scalers (such as MinMaxScaler) and encoders (such as One Hot Encoder); and a few things more! Project's link: https://github.com/rafaelgreca/scratchml Disclaimer: The goal of this library is to provide code that is simpler, easier to understand, and more approachable for artificial intelligence enthusiasts and beginners who want to contribute to an open-source repository or who want to learn more about how algorithms work. It is not meant to replace existing libraries that are better, more optimized, and have a wider variety of implemented algorithms (such as scikit-learn, PyTorch, Keras, and Tensorflow). If you want to use optimized implementations with accurate results, please use one of the previously mentioned libraries. P.S.: I accidentally deleted the other post, so I am posting again. :-)

ZeroToHeroML: Beginner-Friendly ML & AI Course (Free)
reddit
LLM Vibe Score0
Human Vibe Score0
DizDThis week

ZeroToHeroML: Beginner-Friendly ML & AI Course (Free)

Hey r/learnmachinelearning! A friend of mine, who's been a software developer at Sony for 10 years, recently expressed interest in learning Machine Learning (ML) and Artificial Intelligence (AI). Leveraging my background in ML and neural computation (learned at UCSD) to create a beginner-friendly course guiding him through the basics and into more complex projects. Foundational Concepts: Predicting House Prices (Regression): Master regression techniques to forecast housing prices based on various factors. Iris Flower Species Prediction (Classification): Learn classification algorithms by predicting flower species using the famous Iris dataset. Overcoming Overfitting: Explore methods to prevent models from overfitting and enhance their generalizability. In Progress: Customer Segmentation (Unsupervised Learning): Delve into unsupervised learning to group customers based on purchase history or demographics (valuable for targeted marketing campaigns). Deep Learning for Image Recognition: Implement Convolutional Neural Networks (CNNs) to build models that recognize objects or scenes in images. Natural Language Processing Sentiment Analysis: Analyze the sentiment (positive, negative, or neutral) expressed in text data (e.g., reviews, social media posts) using NLP techniques. Introduction to Reinforcement Learning: Get acquainted with the fundamentals of reinforcement learning by creating an agent that learns to navigate a maze. Want to Learn or Contribute? I thought I'd share ZeroToHeroML here so others who want to learn ML/AI or know someone who does can benefit from this free resource! ​ Fork the repo: https://github.com/DilrajS/ZeroToHeroML Share with others interested in ML/AI! Pull requests welcome (help the community grow!). All help is appriciated! Let's conquer ML/AI together!

Teaching an AI to Play Mario: A Learning Journey
reddit
LLM Vibe Score0
Human Vibe Score1
CivilLifeguard189This week

Teaching an AI to Play Mario: A Learning Journey

TLDR: I've always wanted to learn reinforcement learning, but the notation and concepts often seemed overwhelming (and scary). So, \~3 months ago, I set myself a challenge: Train an AI to Speedrun Mario Watch the progression here: https://youtu.be/OQitI066aI0 ​ Full Story: Three months ago, I stared at the dense forest of Reinforcement Learning (RL) papers and felt like Mario facing Bowser for the first time: unequipped and overwhelmingly outmatched. The notation seemed like hieroglyphics, and terms like "policy gradients" felt like they belonged in a sci-fi novel, not a beginner's project. But RL always seemed so cool, and I was really determined to achieve my goal. So, I started with the Sutton & Barto RL textbook, learning things like the Multi-Armed Bandit problem and MDPs working my way up to Actor-Critic methods. That book is literal gold & I highly recommend you work through it (even though it can be tough at times). I tried everything from random courses online to books on amazon & this textbook has been by far the most clear and effective way to learn RL. The biggest issue with the textbook is you learn a lot of theory, but don't learn implementation. So, I would go through a chapter a week & set aside Friday + the weekend to actually implement what I learned (usually by watching youtube tutorials & looking at Github Repos). Eventually, while searching for practical resources for implementing PPO, I stumbled upon a GitHub repository that literally trained an AI to play Mario. Rather than just cloning and running the code, I took a deeper approach. I aimed to understand the repository thoroughly, ensuring each line of code made sense in the context of what I had studied. But of course, this wasn't easy. One of the biggest issues was my hardware limitation. I was working on an old Mac. So, I started using Google Collab, but that had its own problems (session timeouts & limited GPU access). Ultimately, I found AWS Sagemaker to be pretty good. ​ After rewriting the code, I felt confident it would work because I understood every aspect of it. So, I trained the AI to play Mario across a variety of different levels (took a long time and a lot of trial and error with the learning rate). It feels amazing seeing your theoretical knowledge translate into tangible results & this project gave me a big confidence boost. ​ Anyways I made a video showing off the results (Note that I simplified the technical parts for it to reach a wider audience): https://youtu.be/OQitI066aI0 ​ Feel free to drop any questions or feedback, I'm more than happy to help or chat about my experiences. I hope my journey can inspire some of you who might be feeling overwhelmed with the idea of diving into reinforcement learning or any other area of AI. Remember, the hardest part is often taking the first step. Once you start, the momentum will carry you forward. Thank you for reading my super long post and sharing in my little success story! 🚀🕹️🎮

𝗠𝗮𝘀𝘁𝗲𝗿 𝗟𝗶𝗻𝗲𝗮𝗿 𝗥𝗲𝗴𝗿𝗲𝘀𝘀𝗶𝗼𝗻: 𝗔 𝗠𝘂𝘀𝘁-𝗞𝗻𝗼𝘄 𝗳𝗼𝗿 𝗕𝗲𝗴𝗶𝗻𝗻𝗲𝗿𝘀
reddit
LLM Vibe Score0
Human Vibe Score1
Ambitious-Fix-3376This week

𝗠𝗮𝘀𝘁𝗲𝗿 𝗟𝗶𝗻𝗲𝗮𝗿 𝗥𝗲𝗴𝗿𝗲𝘀𝘀𝗶𝗼𝗻: 𝗔 𝗠𝘂𝘀𝘁-𝗞𝗻𝗼𝘄 𝗳𝗼𝗿 𝗕𝗲𝗴𝗶𝗻𝗻𝗲𝗿𝘀

Scikit-learn vs Statsmodel Linear regression is often the first model introduced to those stepping into the world of data science and machine learning. A deep understanding of this fundamental concept is crucial for building a solid foundation. In this post, I explore two widely used approaches to linear regression, each with distinct purposes: 1️⃣ 𝗦𝗰𝗶𝗸𝗶𝘁-𝗟𝗲𝗮𝗿𝗻’𝘀 𝗟𝗶𝗻𝗲𝗮𝗿 𝗥𝗲𝗴𝗿𝗲𝘀𝘀𝗶𝗼𝗻: Optimized for machine learning applications and large datasets, this model focuses on efficiency and scalability. 2️⃣ 𝗦𝘁𝗮𝘁𝘀𝗺𝗼𝗱𝗲𝗹𝘀’ 𝗢𝗿𝗱𝗶𝗻𝗮𝗿𝘆 𝗟𝗲𝗮𝘀𝘁 𝗦𝗾𝘂𝗮𝗿𝗲𝘀 (𝗢𝗟𝗦): Known for its comprehensive statistical insights, this approach provides a detailed report ideal for understanding relationships and diagnosing issues like multicollinearity. It’s essential to gain hands-on experience with both libraries to appreciate their unique strengths. To make this learning process more accessible, I’ve created detailed videos and example code to guide you through practical applications: 🎥 𝗛𝗮𝗻𝗱𝘀-𝗢𝗻 𝗧𝘂𝘁𝗼𝗿𝗶𝗮𝗹𝘀: 📌 Learn Linear Regression in Python with LLM Prompt Chaining : https://www.youtube.com/watch?v=KOEG4rs1SUU 📌 In-Depth Linear Regression: Statsmodels OLS, Multicollinearity, and VIF : https://www.youtube.com/watch?v=QQWKY30XzNA 💻 𝗖𝗼𝗱𝗲 𝗳𝗼𝗿 𝗣𝗿𝗮𝗰𝘁𝗶𝗰𝗲: 🔗 Scikit-Learn Implementation: https://github.com/pritkudale/ML-for-Teachers/blob/main/Linear%20Regression/Linear\Regression.ipynb 🔗 Statsmodels Implementation: https://github.com/pritkudale/ML-for-Teachers/blob/main/Linear%20Regression/Linear\regression\using\stats\model.ipynb What makes these tutorials unique? I’ve incorporated LLM prompt chaining, enabling beginners to confidently write code without requiring extensive Python expertise. 📩 𝘚𝘵𝘢𝘺 𝘢𝘩𝘦𝘢𝘥 𝘪𝘯 𝘈𝘐 𝘢𝘥𝘷𝘢𝘯𝘤𝘦𝘮𝘦𝘯𝘵𝘴! 𝘚𝘶𝘣𝘴𝘤𝘳𝘪𝘣𝘦 𝘵𝘰 𝘰𝘶𝘳 𝘯𝘦𝘸𝘴𝘭𝘦𝘵𝘵𝘦𝘳 𝘧𝘰𝘳 𝘦𝘹𝘱𝘦𝘳𝘵 𝘪𝘯𝘴𝘪𝘨𝘩𝘵𝘴: 𝘝𝘪𝘻𝘶𝘢𝘳𝘢 𝘈𝘐 𝘕𝘦𝘸𝘴𝘭𝘦𝘵𝘵𝘦𝘳: https://vizuara.ai/email-newsletter/

Sophomore computer science student, looking at ISLP vs ESL vs mlcourse.ai
reddit
LLM Vibe Score0
Human Vibe Score1
OneTrueDuceThis week

Sophomore computer science student, looking at ISLP vs ESL vs mlcourse.ai

For background, I am currently a computer science sophomore, with intermediate skills in Python and C++. I have taken university courses on data structure and algorithms, calc 1-3, linear algebra, and an introductory stat course (which covered confidence interval, Z and T sample test, and hypothesis testing). I also have read up to Chapter 5 of the MML book and am currently self-studying probability theory (through STAT 110 video and textbook by Joe Blitzstein). I have done a few beginner ML projects with Tensorflow and scikit-learn, but most of the work is in EDA and feature engineering, while the ML model is just a black box that I plug and chug. So now, I want to learn how to implement ML models from scratch. I've been skimming over ISLP, which many people online recommended, but it seems that while it talks about mathematical equations used, I don't really get to implement it; as the labs are a lot of importing an already implemented model then plug and chug. So now, I am looking at ESL, which I believe is the more detailed and mathematically rigorous version of ISL. However, there aren't any labs or code along to ease beginners in (which I somewhat understand given the intended audience of the book). Another option I am looking at is mlcourse.ai, which seems to cover mathematics and has some lab/code along for it. But it doesn't seem to span as many subjects as ESL does. Given these options, I am unsure of which one to pick, should I first finish my self-study on probability theory and then Chapters 6-8 of MML? Then should I do ISLP first or just get into ESL? Or maybe I should do mlcourse.ai first then into ESL? Or should I just do the ML course/book along with the maths? In addition, there is also the data science + feature engineering stuff which I wonder if I should study more about. Sorry if this seems like a mess, there are just so many things to ML that I am kinda overwhelmed.

Advice Needed
reddit
LLM Vibe Score0
Human Vibe Score1
Suspicious_Dig_3849This week

Advice Needed

Hey everyone, I’ve been diving into Artificial Intelligence, Machine Learning, and Deep Learning recently, but I find myself a little confused about how to approach the learning process effectively. My goal isn’t just to secure a job but to actually build cool AI products or startups—something innovative and impactful, like what companies such as OpenAI, Anthropic, or ElevenLabs are doing. I often see founders or engineers building incredible AI-driven startups, and I can’t help but wonder: • What kind of learning path did these people follow? • Surely they didn’t just stick to basic Udemy or YouTube courses that most people use for job prep. • What resources or approaches do serious AI practitioners use? I’ve heard that implementing research papers is a great way to gain a deep, intuitive understanding of AI concepts. But as someone who is still a beginner, I’m unsure how to start implementing papers without feeling overwhelmed. Here’s what I’m hoping to get clarity on: Where should I begin as a complete beginner? What resources, projects, or habits would you recommend to build solid fundamentals in AI/ML? How do I progress from beginner to a level where I can implement research papers? Are there intermediate steps I need to take before diving into papers? What would the ideal roadmap look like for someone who wants to build startups in AI? If you’re an AI practitioner, researcher, or startup founder, I’d love to hear about your experiences and learning pathways. What worked for you? What didn’t? Any advice or resources would be immensely appreciated. I’m ready to put in the hard work, I just want to make sure I’m moving in the right direction. Thanks in advance! Looking forward to learning from this community.

NeRFs (2025)
reddit
LLM Vibe Score0
Human Vibe Score1
CaminantezThis week

NeRFs (2025)

Hey everyone! I'm currently working on my final year project, and it's focused on NeRFs and the representation of large-scale outdoor objects using drones. I'm looking for advice and some model recommendations to make comparisons. My goal is to build a private-access web app where I can upload my dataset, train a model remotely via SSH (no GUI), and then view the results interactively — something like what Luma AI offers. I’ll be running the training on a remote server with 4x A6000 GPUs, but the whole interaction will be through CLI over SSH. Here are my main questions: Which NeRF models would you recommend for my use case? I’ve seen some models that support JS/WebGL rendering, but I’m not sure what the best approach is for combining training + rendering + web access. How can I render and visualize the results interactively, ideally within my web app, similar to Luma AI? I've seen things like sMPLerNeRF, SNeRFs, and Instant-NGP, but I’m curious if there are more beginner-friendly or better-documented alternatives that can integrate well with a custom web interface. Any guidance on how to stream or render the output inside a browser? I’ve seen people use WebGL/Three.js, but I’m still not clear on the pipeline. I’m still new to NeRFs, but my goal is to implement the best model I can, and allow interactive mapping through my web application using data captured by drones. Any help or insights are much appreciated!

Starting with Deep Learning in 2025 - Suggestion
reddit
LLM Vibe Score0
Human Vibe Score0
oba2311This week

Starting with Deep Learning in 2025 - Suggestion

I'm aware this has been asked many times here. so I'm not here to ask for a general advice - I've done some homework. My questions is - what do you think about this curriculum I put together (research + GPT)? Context: \- I'm a product manger with technical background and want to get back to a more technical depth. \- BSc in stats, familiar with all basic ML concepts, some maths (linear algebra etc), python. Basically, I got the basics covered a while ago so I'm looking to go back into the basics and I can learn and relearn anything I might need to with the internet. My focus is on getting hands on feel on where AI and deep learning is at in 2025, and understand the "under the hood" of key models used and LLMs specifically. Veterans - whats missing? what's redundant? Thanks so much! 🙏🏻 PS - hoping others will find this useful, you very well might too! |Week/Day|Goals|Resource|Activity| |:-|:-|:-|:-| |Week 1|Foundations of AI and Deep Learning||| |Day 1-2|Learn AI terminology and applications|DeepLearning.AI's "AI for Everyone"|Complete Module 1. Understand basic AI concepts and its applications.| |Day 3-5|Explore deep learning fundamentals|Fast.ai's Practical Deep Learning for Coders (2024)|Watch first 2 lessons. Code an image classifier as your first DL project.| |Day 6-7|Familiarize with ML/LLM terminology|Hugging Face Machine Learning Glossary|Study glossary terms and review foundational ML/LLM concepts.| |Week 2|Practical Deep Learning||| |Day 8-10|Build with PyTorch basics|PyTorch Beginner Tutorials|Complete the 60-minute blitz and create a simple neural network.| |Day 11-12|Explore more projects|Fast.ai Lesson 3|Implement a project such as text classification or tabular data analysis.| |Day 13-14|Fine-tune pre-trained models|Hugging Face Tutorials|Learn and apply fine-tuning techniques for a pre-trained model on a simple dataset.| |Week 3|Understanding LLMs||| |Day 15-17|Learn GPT architecture basics|OpenAI Documentation|Explore GPT architecture and experiment with OpenAI API Playground.| |Day 18-19|Understand tokenization and transformers|Hugging Face NLP Course|Complete the tokenization and transformers sections of the course.| |Day 20-21|Build LLM-based projects|TensorFlow NLP Tutorials|Create a text generator or summarizer using LLM techniques.| |Week 4|Advanced Concepts and Applications||| |Day 22-24|Review cutting-edge LLM research|Stanford's CRFM|Read recent LLM-related research and discuss its product management implications.| |Day 25-27|Apply knowledge to real-world projects|Kaggle|Select a dataset and build an NLP project using Hugging Face tools.| |Day 28-30|Explore advanced API use cases|OpenAI Cookbook and Forums|Experiment with advanced OpenAI API scenarios and engage in discussions to solidify knowledge.|

Neural Networks you can try to implement from scratch (for beginners)
reddit
LLM Vibe Score0
Human Vibe Score1
axetobe_MLThis week

Neural Networks you can try to implement from scratch (for beginners)

I was reading a tweet talking about how useful it is to implement neural networks from scratch. How it allowed for a greater understanding of the topic. The author said he found it more useful than other people explaining the concept to him. While I disagree with the author’s opinion that it stops the need for explanations. It certainly does help the understanding of one’s model. I recommend giving it a go. In the blog post, I will suggest which models you should try to implement from scratch using NumPy or your favourite library. Also, I will link to some accompanying resources. Simple Feedforward Network This is the most famous example because it’s so simple. But allows you to learn so much. I heard about this idea from Andrew Trask. It also helped me think about implementing networks from scratch in general. In the Feedforward network, you will be using NumPy. As you won't need Pytorch or TensorFlow. To do the heavy-lifting for complex calculations. You can simply create a Numpy Array for training and testing data. You can also create a nonlinear function using Numpy. Then work out the error rate between the layer’s guess and real data. Resource for this task: https://iamtrask.github.io/2015/07/12/basic-python-network/ Follow this tutorial. It does a much better job of explaining how to do this in NumPy. With code examples to follow. Feedforward Network with Gradient Descent This is an extension of the network above. In this network, we allow the model to optimise its weights. This can also be done in NumPy. Resource for this task: https://iamtrask.github.io/2015/07/27/python-network-part2/ A follow-on from the previous article. Pytorch version of Perceptrons and Multi-layered Perceptrons. Here will go up a level by using a library. Examples I'm using will be done in Pytorch. But you can use whatever library you prefer. When implementing these networks, you learn how much a library does the work for you. Recourses for the task: https://medium.com/@tomgrek/building-your-first-neural-net-from-scratch-with-pytorch-56b0e9c84d54 https://becominghuman.ai/pytorch-from-first-principles-part-ii-d37529c57a62 K Means Clustering Yes, this does not count as a neural network. But a traditional machine learning algorithm is still very useful. As this is non deep learning algorithm it should be easier to understand. This can be done just using NumPy or Pandas depending on the implementation. Recourse for this task: https://www.machinelearningplus.com/predictive-modeling/k-means-clustering/ http://madhugnadig.com/articles/machine-learning/2017/03/04/implementing-k-means-clustering-from-scratch-in-python.html https://gdcoder.com/implementation-of-k-means-from-scratch-in-python-9-lines/ There are quite a few choices to choose from. So pick whatever implementation helps you understand the concepts better. These networks or models should be simple enough that you won't get lost trying to implement them. But still, help learn a few stuff along the way. \- If you found this post useful, then check out my mailing list where I write more stuff like this.

Learning Resources + Side Project Ideas
reddit
LLM Vibe Score0
Human Vibe Score1
Any-Reserve-4403This week

Learning Resources + Side Project Ideas

I made a post last night about my journey to landing an AI internship and have received a lot of responses asking about side projects and learning resources, so I am making another thread here consolidating this information for all those that are curious! Learning Process Step 1) Learn the basic fundamentals of the Math USE YOUTUBE!!! Literally just type in 'Machine Learning Math" and you will get tons of playlists covering nearly every topic. Personally I would focus on Linear Algebra and Calculus - specifically matrices/vector operations, dot products, eigenvectors/eigenvalues, derivatives and gradients. It might take a few tries until you find someone that meshes well with your learning style, but 3Blue1Brown is my top recommendation. I also read the book "Why Machines Learn" and found that extremely insightful. Work on implementing the math both with pen and paper then in Python. Step 2) Once you have a grip on the math fundamentals, I would pick up Hands-on Machine Learning with Sci-kit Learn, Keras and TensorFlow. This book was a game changer for me. It goes more in depth on the math and covers every topic from Linear Regression to the Transformers architecture. It also introduces you to Kaggle and some beginner level side projects. Step 3) After that book I would begin on side projects and also checking out other similar books, specifically Hands on Large Language Models and Hands on Generative AI. Step 4) If you have read all three of these books, and fully comprehend everything, then I would start looking up papers. I would just ask ChatGPT to feed you papers that are most relevant to your interests. Beginner Side Project Ideas 1) Build a Neural Network from scratch, using just Numpy. It can be super basic - have one input layer with 2 nodes, 1 hidden layer with 2 nodes, and output layer with one node. Learn about the forward feed process and play around with different activation functions and loss functions. Learn how these activation functions and loss functions impact backpropagation (hint: the derivatives of the activation functions and loss functions are all different). Get really good at this and understand the difference between regression models and classification models and which activation/loss functions go with which type of model. If you are really feeling crazy and are more focused on a SWE type of role, try doing it in a language other than python and try building a frontend for it so there is an interface where a user can input data and select their model architecture. 2) Build a CNN Image Classifier for the MNIST - Get familiar with the intricacies of CNN's, image manipulation, and basic computer vision concepts. 3) Build on top of open source LLM's. Go to Hugging Face's models page and start playing around with some. 4) KAGGLE COMPETITIONS - I will not explain further, do Kaggle Competitions. Other Resources I've mentioned YouTube, several books and Hugging Face. I also recommend: DataLemur.com \- Python practice, SQL practices, ML questions - his book Ace the Data Science Interview is also very good. X.com \- follow people that are prominent in the space. I joined an AI and Math Group that is constantly posting resources in there deep-ml.com If you have found any of this helpful - feel free to give me a follow on X and stay in touch @ x.com/hark0nnen\

[Help Needed] How to tackle AI for DNS Security in a Hackathon for Beginner.
reddit
LLM Vibe Score0
Human Vibe Score1
Baby-Boss0506This week

[Help Needed] How to tackle AI for DNS Security in a Hackathon for Beginner.

Hi everyone! I've been selected to participate in an AI and Cybersecurity Hackathon, and the group I'm in focuses on AI for DNS Security. Our goal is to implement AI algorithms to detect anomalies and enhance DNS security. Here’s the catch: I have no prior background in cybersecurity, and I’m also a beginner in applying AI to real-world security problems. I’d really appreciate some guidance from this amazing community on how to approach this challenge. A bit more about the project: Objective: Detect anomalies in DNS traffic (e.g., malicious requests, tunneling, etc.). AI tools: We’re free to choose algorithms, but I’m unsure where to start—supervised vs. unsupervised learning? My skillset: Decent grasp of Python (Pandas, Scikit-learn, etc.) and basic ML concepts. No practical experience in network security or analyzing DNS traffic. What I’m looking for: Datasets: Any recommendations for open-source DNS datasets or synthetic data creation methods? AI methods: Which models work best for anomaly detection in DNS logs? Are there any relevant GitHub projects? Learning resources: Beginner-friendly material on DNS security and the application of AI in this domain. Hackathon tips: How can I make the most of this opportunity and contribute effectively to my team? Bonus question: If you’ve participated in similar hackathons, what strategies helped you balance learning and execution within a short timeframe? Thank you so much in advance for any advice, resources, or personal experiences you can share! I’ll make sure to share our project results and lessons learned after the hackathon.

Showing 457-480 of 1945 resources