Python | Machine Learning | Coding | R
66.9K subscribers
1.23K photos
88 videos
151 files
888 links
Help and ads: @hussein_sheikho

Discover powerful insights with Python, Machine Learning, Coding, and Rβ€”your essential toolkit for data-driven solutions, smart alg

List of our channels:
https://t.iss.one/addlist/8_rRW2scgfRhOTc0

https://telega.io/?r=nikapsOH
Download Telegram
πŸ”— Keras vs. TensorFlow vs. PyTorch: The ultimate showdown for deep learning supremacy! πŸš€

πŸ€” Keras: The user-friendly champion! Perfect for beginners and rapid prototyping.

⚑️ TensorFlow: The powerhouse! Great for complex projects with extensive capabilities.

πŸ”₯ PyTorch: The flexible innovator! With its dynamic computation graph, it’s a favorite among researchers.

πŸ‘‰ @codeprogrammer
Please open Telegram to view this post
VIEW IN TELEGRAM
❀4
Free course on learning deep learning concepts

A conceptual and architectural journey through computer vision models in #deeplearning, tracing the evolution from LeNet and AlexNet to ResNet, EfficientNet, and Vision Transformers.

The #course explains the design principles behind skip connections, bottleneck blocks, identity preservation, depth/width trade-offs, and attention.

Each chapter combines clear illustrations, historical context, and side-by-side comparisons to show why architectures look the way they do and how they process information.

Grab it on YouTube
https://youtu.be/tfpGS_doPvY?si=1L_NvEm3Lwpj_Jgl

πŸ‘‰ @codeprogrammer
Please open Telegram to view this post
VIEW IN TELEGRAM
❀11
PyTorch 2.9 has been released, an update focused on performance, portability, and developer convenience.

The fresh version brings a stable libtorch ABI for C++/CUDA extensions, symmetric memory for multi-GPU kernels, extended wheel package support for ROCm, XPU, and #CUDA 13, as well as improvements for Intel, Arm, and x86 platforms.

The release includes 3216 commits from 452 contributors, and #PyTorch 2.9 continues to develop the open source #AI ecosystem worldwide.

Full analysis: https://hubs.la/Q03NNKqW0

πŸ‘‰ @codeprogrammer
Please open Telegram to view this post
VIEW IN TELEGRAM
❀3
πŸ€–πŸ§  NVIDIA, MIT, HKU and Tsinghua University Introduce QeRL: A Powerful Quantum Leap in Reinforcement Learning for LLMs

πŸ—“οΈ 17 Oct 2025
πŸ“š AI News & Trends

The rise of large language models (LLMs) has redefined artificial intelligence powering everything from conversational AI to autonomous reasoning systems. However, training these models especially through reinforcement learning (RL) is computationally expensive requiring massive GPU resources and long training cycles. To address this, a team of researchers from NVIDIA, Massachusetts Institute of Technology (MIT), The ...

#QuantumLearning #ReinforcementLearning #LLMs #NVIDIA #MIT #TsinghuaUniversity
❀2
πŸ€–πŸ§  Agentic Entropy-Balanced Policy Optimization (AEPO): Balancing Exploration and Stability in Reinforcement Learning for Web Agents

πŸ—“οΈ 17 Oct 2025
πŸ“š AI News & Trends

AEPO (Agentic Entropy-Balanced Policy Optimization) represents a major advancement in the evolution of Agentic Reinforcement Learning (RL). As large language models (LLMs) increasingly act as autonomous web agents – searching, reasoning and interacting with tools – the need for balanced exploration and stability has become crucial. Traditional RL methods often rely heavily on entropy to ...

#AgenticRL #ReinforcementLearning #LLMs #WebAgents #EntropyBalanced #PolicyOptimization
❀3
Question: What are Python set comprehensions?

Answer:Set comprehensions are similar to list comprehensions but create a set instead of a list. The syntax is:
{expression for item in iterable if condition}


For example, to create a set of squares of even numbers:
squares_set = {x**2 for x in range(10) if x % 2 == 0}



This will create a set with the values
{0, 4, 16, 36, 64}

https://t.iss.one/DataScienceQ 🌟
Please open Telegram to view this post
VIEW IN TELEGRAM
❀10πŸ‘1
AI Engineering roadmap that beginners can actually follow. Everything is based on 100% free, open-source, and community resources

All resources can be found here: GitHub

πŸ‘‰  @codeprogrammer
Please open Telegram to view this post
VIEW IN TELEGRAM
❀11πŸ’―2πŸ‘1
This media is not supported in your browser
VIEW IN TELEGRAM
πŸ–₯ Want your Telegram bot to respond using ChatGPT?

Do it in a couple of minutes: just install the python-telegram-bot library, add your #OpenAI #API key and bot token, and the bot will start replying to all messages using #ChatGPT.

from telegram import Update
from telegram.ext import ApplicationBuilder, MessageHandler, filters, ContextTypes
from openai import OpenAI


Specify your keys
OPENAI_API_KEY = "sk-..." 
TELEGRAM_TOKEN = "123456789:ABC..."

client = OpenAI(api_key=OPENAI_API_KEY)

async def handle_message(update: Update, context: ContextTypes.DEFAULT_TYPE):
    user_text = update.message.text

    response = client.chat.completions.create(
        model="gpt-4o-mini",
        messages=[{"role": "user", "content": user_text}]
    )

    await update.message.reply_text(response.choices[0].message.content)

app = ApplicationBuilder().token(TELEGRAM_TOKEN).build()
app.add_handler(MessageHandler(filters.TEXT & ~filters.COMMAND, handle_message))
app.run_polling()


https://t.iss.one/CodeProgrammer πŸ‘
Please open Telegram to view this post
VIEW IN TELEGRAM
❀6πŸ‘2
πŸ€–πŸ§  Sora: OpenAI’s Breakthrough Text-to-Video Model Transforming Visual Creativity

πŸ—“οΈ 18 Oct 2025
πŸ“š AI News & Trends

Introduction Artificial Intelligence (AI) is rapidly transforming the creative world. From generating realistic images to composing music and writing code, AI has redefined how humans interact with technology. But one of the most revolutionary advancements in this domain is Sora, OpenAI’s text-to-video generative model that converts written prompts into hyper-realistic video clips. Ithas captured global ...

#Sora #OpenAI #TextToVideo #AI #VisualCreativity #GenerativeModel
❀6
πŸŽ“ Stanford has released a new course: β€œTransformers & Large Language Models”

The authors are the Amidi brothers, and three free lectures are already available on YouTube. This is probably one of the most systematic introductory courses on modern LLMs.

Course content:

β€’ Transformers: tokenization, embeddings, attention, architecture
β€’ #LLM basics: Mixture of Experts, decoding types
β€’ Training and fine-tuning: SFT, RL, LoRA
β€’ Model evaluation: LLM/VLM-as-a-judge, best practices
β€’ Tricks: RoPE, attention approximations, quantization
β€’ Reasoning: scaling during training and inference
β€’ Agentic approaches: #RAG, tool calling

If you are already familiar with this topic β€” it’s a great opportunity to refresh your knowledge and try implementing some techniques from scratch.

https://cme295.stanford.edu/syllabus/

https://t.iss.one/CodeProgrammer 🌟
Please open Telegram to view this post
VIEW IN TELEGRAM
❀9
This media is not supported in your browser
VIEW IN TELEGRAM
Stack Overflow is not dead, it is making a powerful comeback

Yes, our beloved Stack Overflow, where we all once searched for answers to "why my code doesn't work," is back in the game. They have launched Stack Overflow AI
https://stackoverflow.ai/

At first glance, it might resemble ChatGPT or other AI tools, but the key difference is that it operates based on a huge developer knowledge base that Stack Overflow has been building for years

It seems Stack Overflow has found a way to be indispensable again. πŸ’œ

πŸ‘‰ @codeprogrammer
Please open Telegram to view this post
VIEW IN TELEGRAM
❀14
πŸ€–πŸ§  Unleashing the Power of AI with Open Agent Builder: A Visual Workflow Tool for AI Agents

πŸ—“οΈ 19 Oct 2025
πŸ“š AI News & Trends

In today’s rapidly advancing technological landscape, artificial intelligence (AI) is not just a buzzword, it’s a transformative force across industries. From automating complex tasks to streamlining operations, AI is revolutionizing workflows. However, designing and deploying AI-driven workflows has traditionally required expert-level programming knowledge. Enter Open Agent Builder, a revolutionary tool that democratizes the creation of ...

#AI #ArtificialIntelligence #OpenAgentBuilder #AIAgents #VisualWorkflow #TechInnovation
❀3πŸ‘1
Forwarded from Data Science courses
⭐️ Hello my advertiser friend!

I’m Eng. Hussein Sheikho πŸ‘‹ and I’m excited to share our special promotional offer with you! 🎯

πŸ’₯ Promo Offer:
Promote your ad across all our listed channels for only $35! πŸ’°
πŸ“’ We accept all types and formats of advertisements.

βœ… Publishing Plan:
Your ad will be published for 20 days across all our channels,
plus it will be pinned for 7 days πŸ”

πŸ§‘β€πŸ’» For Programming Channel Owners Only:
Want your tech channel to grow fast? πŸš€
You can add your channel to our promo folder for just $20/month β€”
average growth rate 2000+ subscribers/month πŸ“ˆ

πŸ“© Contact me for more details:
πŸ‘‰ t.iss.one/HusseinSheikho

🌱 Let’s grow together!

Our Share folder (our channels) πŸ‘‡
https://t.iss.one/addlist/8_rRW2scgfRhOTc0
Please open Telegram to view this post
VIEW IN TELEGRAM
❀4πŸŽ‰1
Python | Machine Learning | Coding | R pinned «⭐️ Hello my advertiser friend! I’m Eng. Hussein Sheikho πŸ‘‹ and I’m excited to share our special promotional offer with you! 🎯 πŸ’₯ Promo Offer: Promote your ad across all our listed channels for only $35! πŸ’° πŸ“’ We accept all types and formats of advertisements.…»
πŸ€–πŸ§  NanoChat: The Best ChatGPT That $100 Can Buy

πŸ—“οΈ 20 Oct 2025
πŸ“š AI News & Trends

In a world dominated by billion-dollar AI models like GPT-4 and Claude 3, it’s refreshing to see a minimalist, open-source alternative that puts the power of Large Language Models (LLMs) back into the hands of hackers, researchers and enthusiasts. Enter NanoChat – an end-to-end, full-stack implementation of a ChatGPT-style AI chatbot developed by Andrej Karpathy, ...

#NanoChat #ChatGPT #AI #LargeLanguageModels #OpenSource #AndrejKarpathy
❀1
πŸ€–πŸ§  PaddleOCR-VL: Redefining Multilingual Document Parsing with a 0.9B Vision-Language Model

πŸ—“οΈ 20 Oct 2025
πŸ“š AI News & Trends

In an era where information is predominantly digital, the ability to extract, interpret and organize data from documents is crucial. From invoices and research papers to multilingual contracts and handwritten notes, document parsing stands at the intersection of vision and language. Traditional Optical Character Recognition (OCR) systems have made impressive strides but they often fall ...

#PaddleOCR-VL #Multilingual #DocumentParsing #VisionLanguageModel #OCR #AI
❀2
πŸ€–πŸ§  Top 30 More Retro Bollywood Diwali Portrait Prompts for Women Using Gemini AI – Part 2

πŸ—“οΈ 20 Oct 2025
πŸ“š AI News & Trends

The Diwali celebrations continue and so does the nostalgia! After the huge buzz around our Top 20 Retro Bollywood Diwali Portrait Ideas, we’re back with Part 2 featuring prompts 21 to 50 curated to help you create even more magical, cinematic AI portraits using Google Gemini AI. If you loved the 90s-style Diwali aesthetics shimmering ...
❀3
This media is not supported in your browser
VIEW IN TELEGRAM
There is a repository on GitHub free-programming-books that contains over 4000 free books, 2000 courses, and other useful programming resources

For convenient searching, you can use this tool

This project is a vivid example of the power of the open source community, which evolved from a clone of a StackOverflow list into one of the most popular on GitHub ✌️

πŸ”Έ English-language version of the resources

πŸ‘‰ @codeprogrammer

put ❀️
Please open Telegram to view this post
VIEW IN TELEGRAM
❀6
πŸ€–πŸ§  Wan 2.1: Alibaba’s Open-Source Revolution in Video Generation

πŸ—“οΈ 21 Oct 2025
πŸ“š AI News & Trends

The landscape of artificial intelligence has been evolving rapidly, especially in the domain of video generation. Since OpenAI unveiled Sora in 2024, the world has witnessed an explosive surge in research and innovation within generative AI. However, most of these cutting-edge tools remained closed-source limiting transparency and accessibility. Recognizing this gap, Alibaba Group introduced Wan, ...

#Alibaba #Wan2.1 #VideoGeneration #GenerativeAI #OpenSource #ArtificialIntelligence
❀1
πŸ€–πŸ§  DeepSeek-OCR: Redefining Document Understanding Through Optical Context Compression

πŸ—“οΈ 21 Oct 2025
πŸ“š AI News & Trends

In the age of large language models (LLMs) and vision-language models (VLMs), handling long and complex textual data efficiently remains a massive challenge. Traditional models struggle with processing extended contexts because the computational cost increases quadratically with sequence length. To overcome this, researchers from DeepSeek-AI have introduced a groundbreaking approach – DeepSeek-OCR, a model that ...
❀1