ML Research Hub
32.8K subscribers
4.15K photos
250 videos
23 files
4.49K links
Advancing research in Machine Learning – practical insights, tools, and techniques for researchers.

Admin: @HusseinSheikho || @Hussein_Sheikho
Download Telegram
πŸš€ Master Data Science & Programming!

Unlock your potential with this curated list of Telegram channels. Whether you need books, datasets, interview prep, or project ideas, we have the perfect resource for you. Join the community today!


πŸ”° Machine Learning with Python
Learn Machine Learning with hands-on Python tutorials, real-world code examples, and clear explanations for researchers and developers.
https://t.me/CodeProgrammer

πŸ”– Machine Learning
Machine learning insights, practical tutorials, and clear explanations for beginners and aspiring data scientists. Follow the channel for models, algorithms, coding guides, and real-world ML applications.
https://t.me/DataScienceM

🧠 Code With Python
This channel delivers clear, practical content for developers, covering Python, Django, Data Structures, Algorithms, and DSA – perfect for learning, coding, and mastering key programming skills.
https://t.me/DataScience4

🎯 PyData Careers | Quiz
Python Data Science jobs, interview tips, and career insights for aspiring professionals.
https://t.me/DataScienceQ

πŸ’Ύ Kaggle Data Hub
Your go-to hub for Kaggle datasets – explore, analyze, and leverage data for Machine Learning and Data Science projects.
https://t.me/datasets1

πŸ§‘β€πŸŽ“ Udemy Coupons | Courses
The first channel in Telegram that offers free Udemy coupons
https://t.me/DataScienceC

πŸ˜€ ML Research Hub
Advancing research in Machine Learning – practical insights, tools, and techniques for researchers.
https://t.me/DataScienceT

πŸ’¬ Data Science Chat
An active community group for discussing data challenges and networking with peers.
https://t.me/DataScience9

🐍 Python Arab| Ψ¨Ψ§ΩŠΨ«ΩˆΩ† عربي
The largest Arabic-speaking group for Python developers to share knowledge and help.
https://t.me/PythonArab

πŸ–Š Data Science Jupyter Notebooks
Explore the world of Data Science through Jupyter Notebooksβ€”insights, tutorials, and tools to boost your data journey. Code, analyze, and visualize smarter with every post.
https://t.me/DataScienceN

πŸ“Ί Free Online Courses | Videos
Free online courses covering data science, machine learning, analytics, programming, and essential skills for learners.
https://t.me/DataScienceV

πŸ“ˆ Data Analytics
Dive into the world of Data Analytics – uncover insights, explore trends, and master data-driven decision making.
https://t.me/DataAnalyticsX

🎧 Learn Python Hub
Master Python with step-by-step courses – from basics to advanced projects and practical applications.
https://t.me/Python53

⭐️ Research Papers
Professional Academic Writing & Simulation Services
https://t.me/DataScienceY

━━━━━━━━━━━━━━━━━━
Admin: @HusseinSheikho
Please open Telegram to view this post
VIEW IN TELEGRAM
❀1
✨A unified framework for detecting point and collective anomalies in operating system logs via collaborative transformers

πŸ“ Summary:
CoLog is a log anomaly detection framework using collaborative transformers and a modality adaptation layer to accurately detect both point and collective anomalies across diverse log data. It achieves high precision and recall over 99% on benchmark datasets, outperforming existing methods.

πŸ”Ή Publication Date: Published on Dec 29, 2025

πŸ”Ή Paper Links:
β€’ arXiv Page: https://arxiv.org/abs/2512.23380
β€’ PDF: https://arxiv.org/pdf/2512.23380
β€’ Project Page: https://www.alarmif.com
β€’ Github: https://github.com/NasirzadehMoh/CoLog

==================================

For more data science resources:
βœ“ https://t.me/DataScienceT

#AnomalyDetection #LogAnalysis #Transformers #MachineLearning #Cybersecurity
❀2
✨Baking Gaussian Splatting into Diffusion Denoiser for Fast and Scalable Single-stage Image-to-3D Generation

πŸ“ Summary:
DiffusionGS is a novel single-stage 3D diffusion model that directly generates 3D Gaussian point clouds from a single image. It ensures strong view consistency from any prompt view. This method achieves superior quality and is over 5x faster than state-of-the-art techniques.

πŸ”Ή Publication Date: Published on Nov 21, 2024

πŸ”Ή Paper Links:
β€’ arXiv Page: https://arxiv.org/abs/2411.14384
β€’ PDF: https://arxiv.org/pdf/2411.14384
β€’ Project Page: https://caiyuanhao1998.github.io/project/DiffusionGS/
β€’ Github: https://github.com/caiyuanhao1998/Open-DiffusionGS

πŸ”Ή Models citing this paper:
β€’ https://huggingface.co/CaiYuanhao/DiffusionGS

✨ Datasets citing this paper:
β€’ https://huggingface.co/datasets/CaiYuanhao/DiffusionGS

==================================

For more data science resources:
βœ“ https://t.me/DataScienceT

#3DGeneration #DiffusionModels #GaussianSplatting #ComputerVision #AIResearch
✨LMCache: An Efficient KV Cache Layer for Enterprise-Scale LLM Inference

πŸ“ Summary:
LMCACHE is an efficient open-source solution for offloading and transferring LLM KV caches from GPU memory. It enables cache reuse across different queries and inference engines, addressing the problem of growing cache sizes. This improves throughput up to 15 times.

πŸ”Ή Publication Date: Published on Oct 8, 2025

πŸ”Ή Paper Links:
β€’ arXiv Page: https://arxiv.org/abs/2510.09665
β€’ PDF: https://arxiv.org/pdf/2510.09665
β€’ Github: https://github.com/LMCache/LMCache

==================================

For more data science resources:
βœ“ https://t.me/DataScienceT

#LLM #KVCache #GPU #AIInference #PerformanceOptimization
✨Dynamic Large Concept Models: Latent Reasoning in an Adaptive Semantic Space

πŸ“ Summary:
DLCM shifts computation from individual tokens to a compressed concept space, enabling more efficient reasoning. This hierarchical approach learns semantic boundaries end-to-end and improves performance on benchmarks by reallocating compute.

πŸ”Ή Publication Date: Published on Dec 31, 2025

πŸ”Ή Paper Links:
β€’ arXiv Page: https://arxiv.org/abs/2512.24617
β€’ PDF: https://arxiv.org/pdf/2512.24617

==================================

For more data science resources:
βœ“ https://t.me/DataScienceT

#AI #MachineLearning #LargeModels #RepresentationLearning #EfficientAI
✨On the Role of Discreteness in Diffusion LLMs

πŸ“ Summary:
This paper examines diffusion language models, highlighting five properties separating diffusion mechanics from language requirements. Existing approaches face structural trade-offs. Key issues identified are uniform corruption and token-wise marginal training, urging development of diffusion pro...

πŸ”Ή Publication Date: Published on Dec 27, 2025

πŸ”Ή Paper Links:
β€’ arXiv Page: https://arxiv.org/abs/2512.22630
β€’ PDF: https://arxiv.org/pdf/2512.22630

==================================

For more data science resources:
βœ“ https://t.me/DataScienceT

#AI #DataScience #MachineLearning #HuggingFace #Research
✨DiffThinker: Towards Generative Multimodal Reasoning with Diffusion Models

πŸ“ Summary:
DiffThinker introduces a generative multimodal reasoning framework using diffusion models. It reframes vision-centric tasks as image-to-image generation for superior logical consistency and spatial precision. DiffThinker significantly outperforms existing MLLMs across various domains, showcasing ...

πŸ”Ή Publication Date: Published on Dec 30, 2025

πŸ”Ή Paper Links:
β€’ arXiv Page: https://arxiv.org/abs/2512.24165
β€’ PDF: https://arxiv.org/pdf/2512.24165
β€’ Project Page: https://diffthinker-project.github.io/
β€’ Github: https://github.com/lcqysl/DiffThinker

==================================

For more data science resources:
βœ“ https://t.me/DataScienceT

#AI #DataScience #MachineLearning #HuggingFace #Research
❀1
✨AI-native Memory 2.0: Second Me

πŸ“ Summary:
SECOND ME is an AI-native memory management system utilizing LLMs to reduce redundant user input. It intelligently retains and uses user knowledge for context-aware responses and prefilling, streamlining interactions.

πŸ”Ή Publication Date: Published on Mar 11, 2025

πŸ”Ή Paper Links:
β€’ arXiv Page: https://arxiv.org/abs/2503.08102
β€’ PDF: https://arxiv.org/pdf/2503.08102
β€’ Github: https://github.com/Mindverse/Second-Me

==================================

For more data science resources:
βœ“ https://t.me/DataScienceT

#AI #LLM #MemoryManagement #HCI #NLP
❀2
✨Improving Multi-step RAG with Hypergraph-based Memory for Long-Context Complex Relational Modeling

πŸ“ Summary:
Existing multi-step RAG memory limits reasoning by storing isolated facts and neglecting high-order correlations. HGMem proposes a hypergraph-based memory that dynamically forms higher-order interactions, creating an integrated knowledge structure. This approach significantly improves multi-step ...

πŸ”Ή Publication Date: Published on Dec 30, 2025

πŸ”Ή Paper Links:
β€’ arXiv Page: https://arxiv.org/abs/2512.23959
β€’ PDF: https://arxiv.org/pdf/2512.23959
β€’ Github: https://github.com/Encyclomen/HGMem

==================================

For more data science resources:
βœ“ https://t.me/DataScienceT

#RAG #Hypergraphs #NLP #AI #LLM
✨Dream2Flow: Bridging Video Generation and Open-World Manipulation with 3D Object Flow

πŸ“ Summary:
Dream2Flow bridges video generation and robotic control using 3D object flow. It reconstructs 3D object motions from generated videos, enabling zero-shot manipulation of diverse objects through trajectory tracking without task-specific demonstrations.

πŸ”Ή Publication Date: Published on Dec 31, 2025

πŸ”Ή Paper Links:
β€’ arXiv Page: https://arxiv.org/abs/2512.24766
β€’ PDF: https://arxiv.org/pdf/2512.24766

==================================

For more data science resources:
βœ“ https://t.me/DataScienceT

#VideoGeneration #Robotics #3DVision #AI #ZeroShotLearning
✨FlowBlending: Stage-Aware Multi-Model Sampling for Fast and High-Fidelity Video Generation

πŸ“ Summary:
FlowBlending optimizes video generation by adapting model capacity to each stage. It uses large models for critical early and late timesteps, and small models for intermediate ones. This achieves faster inference and fewer FLOPs with no loss in large model fidelity.

πŸ”Ή Publication Date: Published on Dec 31, 2025

πŸ”Ή Paper Links:
β€’ arXiv Page: https://arxiv.org/abs/2512.24724
β€’ PDF: https://arxiv.org/pdf/2512.24724

==================================

For more data science resources:
βœ“ https://t.me/DataScienceT

#VideoGeneration #GenerativeAI #DeepLearning #AIResearch #ModelOptimization
πŸš€ Master Data Science & Programming!

Unlock your potential with this curated list of Telegram channels. Whether you need books, datasets, interview prep, or project ideas, we have the perfect resource for you. Join the community today!


πŸ”° Machine Learning with Python
Learn Machine Learning with hands-on Python tutorials, real-world code examples, and clear explanations for researchers and developers.
https://t.me/CodeProgrammer

πŸ”– Machine Learning
Machine learning insights, practical tutorials, and clear explanations for beginners and aspiring data scientists. Follow the channel for models, algorithms, coding guides, and real-world ML applications.
https://t.me/DataScienceM

🧠 Code With Python
This channel delivers clear, practical content for developers, covering Python, Django, Data Structures, Algorithms, and DSA – perfect for learning, coding, and mastering key programming skills.
https://t.me/DataScience4

🎯 PyData Careers | Quiz
Python Data Science jobs, interview tips, and career insights for aspiring professionals.
https://t.me/DataScienceQ

πŸ’Ύ Kaggle Data Hub
Your go-to hub for Kaggle datasets – explore, analyze, and leverage data for Machine Learning and Data Science projects.
https://t.me/datasets1

πŸ§‘β€πŸŽ“ Udemy Coupons | Courses
The first channel in Telegram that offers free Udemy coupons
https://t.me/DataScienceC

πŸ˜€ ML Research Hub
Advancing research in Machine Learning – practical insights, tools, and techniques for researchers.
https://t.me/DataScienceT

πŸ’¬ Data Science Chat
An active community group for discussing data challenges and networking with peers.
https://t.me/DataScience9

🐍 Python Arab| Ψ¨Ψ§ΩŠΨ«ΩˆΩ† عربي
The largest Arabic-speaking group for Python developers to share knowledge and help.
https://t.me/PythonArab

πŸ–Š Data Science Jupyter Notebooks
Explore the world of Data Science through Jupyter Notebooksβ€”insights, tutorials, and tools to boost your data journey. Code, analyze, and visualize smarter with every post.
https://t.me/DataScienceN

πŸ“Ί Free Online Courses | Videos
Free online courses covering data science, machine learning, analytics, programming, and essential skills for learners.
https://t.me/DataScienceV

πŸ“ˆ Data Analytics
Dive into the world of Data Analytics – uncover insights, explore trends, and master data-driven decision making.
https://t.me/DataAnalyticsX

🎧 Learn Python Hub
Master Python with step-by-step courses – from basics to advanced projects and practical applications.
https://t.me/Python53

⭐️ Research Papers
Professional Academic Writing & Simulation Services
https://t.me/DataScienceY

━━━━━━━━━━━━━━━━━━
Admin: @HusseinSheikho
Please open Telegram to view this post
VIEW IN TELEGRAM
❀2
✨TESO Tabu Enhanced Simulation Optimization for Noisy Black Box Problems

πŸ“ Summary:
TESO is a new metaheuristic framework for simulation optimization that tackles noisy, complex problems. It integrates Tabu List and Elite Memory strategies to dynamically balance exploration and exploitation, demonstrating improved performance.

πŸ”Ή Publication Date: Published on Dec 30, 2025

πŸ”Ή Paper Links:
β€’ arXiv Page: https://arxiv.org/abs/2512.24007
β€’ PDF: https://arxiv.org/pdf/2512.24007
β€’ Github: https://github.com/bulentsoykan/TESO

==================================

For more data science resources:
βœ“ https://t.me/DataScienceT

#SimulationOptimization #Metaheuristics #Optimization #BlackBoxOptimization #TabuSearch
❀1
This channels is for Programmers, Coders, Software Engineers.

0️⃣ Python
1️⃣ Data Science
2️⃣ Machine Learning
3️⃣ Data Visualization
4️⃣ Artificial Intelligence
5️⃣ Data Analysis
6️⃣ Statistics
7️⃣ Deep Learning
8️⃣ programming Languages

βœ… https://t.me/addlist/8_rRW2scgfRhOTc0

βœ… https://t.me/Codeprogrammer
Please open Telegram to view this post
VIEW IN TELEGRAM
❀1
πŸš€ Master Data Science & Programming!

Unlock your potential with this curated list of Telegram channels. Whether you need books, datasets, interview prep, or project ideas, we have the perfect resource for you. Join the community today!


πŸ”° Machine Learning with Python
Learn Machine Learning with hands-on Python tutorials, real-world code examples, and clear explanations for researchers and developers.
https://t.me/CodeProgrammer

πŸ”– Machine Learning
Machine learning insights, practical tutorials, and clear explanations for beginners and aspiring data scientists. Follow the channel for models, algorithms, coding guides, and real-world ML applications.
https://t.me/DataScienceM

🧠 Code With Python
This channel delivers clear, practical content for developers, covering Python, Django, Data Structures, Algorithms, and DSA – perfect for learning, coding, and mastering key programming skills.
https://t.me/DataScience4

🎯 PyData Careers | Quiz
Python Data Science jobs, interview tips, and career insights for aspiring professionals.
https://t.me/DataScienceQ

πŸ’Ύ Kaggle Data Hub
Your go-to hub for Kaggle datasets – explore, analyze, and leverage data for Machine Learning and Data Science projects.
https://t.me/datasets1

πŸ§‘β€πŸŽ“ Udemy Coupons | Courses
The first channel in Telegram that offers free Udemy coupons
https://t.me/DataScienceC

πŸ˜€ ML Research Hub
Advancing research in Machine Learning – practical insights, tools, and techniques for researchers.
https://t.me/DataScienceT

πŸ’¬ Data Science Chat
An active community group for discussing data challenges and networking with peers.
https://t.me/DataScience9

🐍 Python Arab| Ψ¨Ψ§ΩŠΨ«ΩˆΩ† عربي
The largest Arabic-speaking group for Python developers to share knowledge and help.
https://t.me/PythonArab

πŸ–Š Data Science Jupyter Notebooks
Explore the world of Data Science through Jupyter Notebooksβ€”insights, tutorials, and tools to boost your data journey. Code, analyze, and visualize smarter with every post.
https://t.me/DataScienceN

πŸ“Ί Free Online Courses | Videos
Free online courses covering data science, machine learning, analytics, programming, and essential skills for learners.
https://t.me/DataScienceV

πŸ“ˆ Data Analytics
Dive into the world of Data Analytics – uncover insights, explore trends, and master data-driven decision making.
https://t.me/DataAnalyticsX

🎧 Learn Python Hub
Master Python with step-by-step courses – from basics to advanced projects and practical applications.
https://t.me/Python53

⭐️ Research Papers
Professional Academic Writing & Simulation Services
https://t.me/DataScienceY

━━━━━━━━━━━━━━━━━━
Admin: @HusseinSheikho
Please open Telegram to view this post
VIEW IN TELEGRAM
❀2
✨Dolphin: Document Image Parsing via Heterogeneous Anchor Prompting

πŸ“ Summary:
Dolphin is a novel multimodal model for document image parsing. It uses an analyze-then-parse approach with heterogeneous anchor prompting, achieving state-of-the-art performance and superior efficiency.

πŸ”Ή Publication Date: Published on May 20, 2025

πŸ”Ή Paper Links:
β€’ arXiv Page: https://arxiv.org/abs/2505.14059
β€’ PDF: https://arxiv.org/pdf/2505.14059
β€’ Github: https://github.com/bytedance/dolphin

==================================

For more data science resources:
βœ“ https://t.me/DataScienceT

#DocumentParsing #MultimodalAI #DeepLearning #ComputerVision #AI
❀1
πŸš€ Master Data Science & Programming!

Unlock your potential with this curated list of Telegram channels. Whether you need books, datasets, interview prep, or project ideas, we have the perfect resource for you. Join the community today!


πŸ”° Machine Learning with Python
Learn Machine Learning with hands-on Python tutorials, real-world code examples, and clear explanations for researchers and developers.
https://t.me/CodeProgrammer

πŸ”– Machine Learning
Machine learning insights, practical tutorials, and clear explanations for beginners and aspiring data scientists. Follow the channel for models, algorithms, coding guides, and real-world ML applications.
https://t.me/DataScienceM

🧠 Code With Python
This channel delivers clear, practical content for developers, covering Python, Django, Data Structures, Algorithms, and DSA – perfect for learning, coding, and mastering key programming skills.
https://t.me/DataScience4

🎯 PyData Careers | Quiz
Python Data Science jobs, interview tips, and career insights for aspiring professionals.
https://t.me/DataScienceQ

πŸ’Ύ Kaggle Data Hub
Your go-to hub for Kaggle datasets – explore, analyze, and leverage data for Machine Learning and Data Science projects.
https://t.me/datasets1

πŸ§‘β€πŸŽ“ Udemy Coupons | Courses
The first channel in Telegram that offers free Udemy coupons
https://t.me/DataScienceC

πŸ˜€ ML Research Hub
Advancing research in Machine Learning – practical insights, tools, and techniques for researchers.
https://t.me/DataScienceT

πŸ’¬ Data Science Chat
An active community group for discussing data challenges and networking with peers.
https://t.me/DataScience9

🐍 Python Arab| Ψ¨Ψ§ΩŠΨ«ΩˆΩ† عربي
The largest Arabic-speaking group for Python developers to share knowledge and help.
https://t.me/PythonArab

πŸ–Š Data Science Jupyter Notebooks
Explore the world of Data Science through Jupyter Notebooksβ€”insights, tutorials, and tools to boost your data journey. Code, analyze, and visualize smarter with every post.
https://t.me/DataScienceN

πŸ“Ί Free Online Courses | Videos
Free online courses covering data science, machine learning, analytics, programming, and essential skills for learners.
https://t.me/DataScienceV

πŸ“ˆ Data Analytics
Dive into the world of Data Analytics – uncover insights, explore trends, and master data-driven decision making.
https://t.me/DataAnalyticsX

🎧 Learn Python Hub
Master Python with step-by-step courses – from basics to advanced projects and practical applications.
https://t.me/Python53

⭐️ Research Papers
Professional Academic Writing & Simulation Services
https://t.me/DataScienceY

━━━━━━━━━━━━━━━━━━
Admin: @HusseinSheikho
Please open Telegram to view this post
VIEW IN TELEGRAM
❀1
✨Youtu-Agent: Scaling Agent Productivity with Automated Generation and Hybrid Policy Optimization

πŸ“ Summary:
Youtu-Agent scales LLM agent productivity, automating generation and enabling continuous evolution. Its hybrid optimization, using in-context learning and scalable reinforcement learning, yields top performance and boosted capabilities.

πŸ”Ή Publication Date: Published on Dec 31, 2025

πŸ”Ή Paper Links:
β€’ arXiv Page: https://arxiv.org/abs/2512.24615
β€’ PDF: https://arxiv.org/pdf/2512.24615
β€’ Project Page: https://tencentcloudadp.github.io/youtu-agent/
β€’ Github: https://github.com/TencentCloudADP/youtu-tip

==================================

For more data science resources:
βœ“ https://t.me/DataScienceT

#LLM #AIAgents #ReinforcementLearning #MachineLearning #AI
✨SenseNova-MARS: Empowering Multimodal Agentic Reasoning and Search via Reinforcement Learning

πŸ“ Summary:
SenseNova-MARS empowers Vision-Language Models with interleaved visual reasoning and dynamic tool use like search and cropping via reinforcement learning. It achieves state-of-the-art performance on complex visual tasks, outperforming proprietary models on new and existing benchmarks.

πŸ”Ή Publication Date: Published on Dec 30, 2025

πŸ”Ή Paper Links:
β€’ arXiv Page: https://arxiv.org/abs/2512.24330
β€’ PDF: https://arxiv.org/pdf/2512.24330
β€’ Github: https://github.com/OpenSenseNova/SenseNova-MARS

✨ Datasets citing this paper:
β€’ https://huggingface.co/datasets/sensenova/SenseNova-MARS-Data
β€’ https://huggingface.co/datasets/sensenova/HR-MMSearch

==================================

For more data science resources:
βœ“ https://t.me/DataScienceT

#MultimodalAI #ReinforcementLearning #VisionLanguageModels #AgenticAI #ComputerVision
❀1
This media is not supported in your browser
VIEW IN TELEGRAM
✨Avatar Forcing: Real-Time Interactive Head Avatar Generation for Natural Conversation

πŸ“ Summary:
Avatar Forcing creates real-time interactive talking head avatars. It uses diffusion forcing for low-latency reactions to user input and a label-free preference optimization for expressive, preferred motion, achieving 6.8x speedup.

πŸ”Ή Publication Date: Published on Jan 2

πŸ”Ή Paper Links:
β€’ arXiv Page: https://arxiv.org/abs/2601.00664
β€’ PDF: https://arxiv.org/pdf/2601.00664
β€’ Project Page: https://taekyungki.github.io/AvatarForcing/
β€’ Github: https://github.com/TaekyungKi/AvatarForcing

==================================

For more data science resources:
βœ“ https://t.me/DataScienceT

#AvatarGeneration #RealTimeAI #GenerativeAI #ComputerVision #AIResearch