ML Research Hub – Telegram
ML Research Hub
32.6K subscribers
3.92K photos
216 videos
23 files
4.21K links
Advancing research in Machine Learning – practical insights, tools, and techniques for researchers.

Admin: @HusseinSheikho || @Hussein_Sheikho
Download Telegram
ThreadWeaver: Adaptive Threading for Efficient Parallel Reasoning in Language Models

📝 Summary:
ThreadWeaver, a framework for adaptive parallel reasoning, achieves accuracy comparable to sequential models while reducing inference latency through parallel trajectory generation, trie-based trainin...

🔹 Publication Date: Published on Nov 24

🔹 Paper Links:
• arXiv Page: https://arxiv.org/abs/2512.07843
• PDF: https://arxiv.org/pdf/2512.07843

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

For more data science resources:
https://news.1rj.ru/str/DataScienceT

#AI #DataScience #MachineLearning #HuggingFace #Research
Modular Neural Image Signal Processing

📝 Summary:
A modular neural ISP framework provides high rendering accuracy, scalability, and flexibility for diverse photo-editing operations with competitive results. AI-generated summary This paper presents a ...

🔹 Publication Date: Published on Dec 9

🔹 Paper Links:
• arXiv Page: https://arxiv.org/abs/2512.08564
• PDF: https://arxiv.org/pdf/2512.08564

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

For more data science resources:
https://news.1rj.ru/str/DataScienceT

#AI #DataScience #MachineLearning #HuggingFace #Research
Media is too big
VIEW IN TELEGRAM
Ground Slow, Move Fast: A Dual-System Foundation Model for Generalizable Vision-and-Language Navigation

📝 Summary:
DualVLN is a dual-system model for vision-language navigation. It integrates a VLM global planner with a fast local policy for smooth actions, enabling robust real-time control and long-horizon planning in dynamic environments.

🔹 Publication Date: Published on Dec 9

🔹 Paper Links:
• arXiv Page: https://arxiv.org/abs/2512.08186
• PDF: https://arxiv.org/pdf/2512.08186
• Project Page: https://internrobotics.github.io/internvla-n1-dualvln.github.io/
• Github: https://github.com/InternRobotics/InternNav

🔹 Models citing this paper:
https://huggingface.co/InternRobotics/InternVLA-N1-System2
https://huggingface.co/InternRobotics/InternVLA-N1-w-NavDP
https://huggingface.co/InternRobotics/InternVLA-N1-DualVLN

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

For more data science resources:
https://news.1rj.ru/str/DataScienceT

#AI #DataScience #MachineLearning #HuggingFace #Research
From Next-Token to Next-Block: A Principled Adaptation Path for Diffusion LLMs

📝 Summary:
This paper introduces a principled method to adapt autoregressive LLMs into block-wise diffusion models, enabling efficient parallel generation. This adaptation retains pretrained knowledge, achieving state-of-the-art performance for 7B diffusion LLMs, and avoids expensive training from scratch.

🔹 Publication Date: Published on Dec 7

🔹 Paper Links:
• arXiv Page: https://arxiv.org/abs/2512.06776
• PDF: https://arxiv.org/pdf/2512.06776

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

For more data science resources:
https://news.1rj.ru/str/DataScienceT

#LLM #DiffusionModels #AI #ParallelGeneration #MachineLearning
Same Content, Different Answers: Cross-Modal Inconsistency in MLLMs

📝 Summary:
New benchmarks reveal MLLMs struggle with cross-modal inconsistency, failing to reason consistently across image, text, and mixed modalities with the same information. Visual characteristics like color and resolution significantly impact performance, even when text recognition is perfect. This hi...

🔹 Publication Date: Published on Dec 9

🔹 Paper Links:
• arXiv Page: https://arxiv.org/abs/2512.08923
• PDF: https://arxiv.org/pdf/2512.08923

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

For more data science resources:
https://news.1rj.ru/str/DataScienceT

#MLLMs #CrossModalAI #AIResearch #ComputerVision #NLP
Predicting Time-Dependent Flow Over Complex Geometries Using Operator Networks

📝 Summary:
A Deep Operator Network predicts unsteady flow velocity fields over complex geometries with up to 1000X speedup over traditional simulations. It accurately captures near-term transients but shows error accumulation in fine-scale wakes.

🔹 Publication Date: Published on Dec 4

🔹 Paper Links:
• arXiv Page: https://arxiv.org/abs/2512.04434
• PDF: https://arxiv.org/pdf/2512.04434
• Github: https://github.com/baskargroup/TimeDependent-DeepONet

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

For more data science resources:
https://news.1rj.ru/str/DataScienceT

#DeepLearning #FluidDynamics #AI #CFD #MachineLearning
MIND-V: Hierarchical Video Generation for Long-Horizon Robotic Manipulation with RL-based Physical Alignment

📝 Summary:
MIND-V generates long-horizon, physically plausible robotic manipulation videos. This hierarchical framework uses semantic reasoning and an RL-based physical alignment strategy to synthesize robust, coherent actions, addressing data scarcity.

🔹 Publication Date: Published on Dec 7

🔹 Paper Links:
• arXiv Page: https://arxiv.org/abs/2512.06628
• PDF: https://arxiv.org/pdf/2512.06628
• Project Page: https://github.com/Richard-Zhang-AI/MIND-V
• Github: https://github.com/Richard-Zhang-AI/MIND-V

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

For more data science resources:
https://news.1rj.ru/str/DataScienceT

#Robotics #VideoGeneration #ReinforcementLearning #AI #MachineLearning
Media is too big
VIEW IN TELEGRAM
OneStory: Coherent Multi-Shot Video Generation with Adaptive Memory

📝 Summary:
OneStory generates coherent multi-shot videos by modeling global cross-shot context. It uses a Frame Selection module and an Adaptive Conditioner for next-shot generation, leveraging pretrained models and a new dataset. This achieves state-of-the-art narrative coherence for long-form video storyt...

🔹 Publication Date: Published on Dec 8

🔹 Paper Links:
• arXiv Page: https://arxiv.org/abs/2512.07802
• PDF: https://arxiv.org/pdf/2512.07802
• Project Page: https://zhaochongan.github.io/projects/OneStory/

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

For more data science resources:
https://news.1rj.ru/str/DataScienceT

#VideoGeneration #AI #DeepLearning #ComputerVision #GenerativeAI
1
LYNX: Learning Dynamic Exits for Confidence-Controlled Reasoning

📝 Summary:
LYNX is an early-exit mechanism for large reasoning models that prevents overthinking. It uses hidden-state awareness and reasoning cues for confidence-controlled stopping, significantly reducing tokens by 40-70% while maintaining or improving accuracy across diverse tasks with a single trained p...

🔹 Publication Date: Published on Dec 5

🔹 Paper Links:
• arXiv Page: https://arxiv.org/abs/2512.05325
• PDF: https://arxiv.org/pdf/2512.05325
• Github: https://github.com/farukakgul/LYNX

🔹 Models citing this paper:
https://huggingface.co/farukakgul/LYNX

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

For more data science resources:
https://news.1rj.ru/str/DataScienceT

#LLM #AI #MachineLearning #EarlyExit #Efficiency
Media is too big
VIEW IN TELEGRAM
Visionary: The World Model Carrier Built on WebGPU-Powered Gaussian Splatting Platform

📝 Summary:
Visionary is a web-native platform for real-time 3D Gaussian Splatting and mesh rendering. It uses WebGPU and per-frame ONNX inference for dynamic content and generative models, offering efficient, browser-based deployment and support for various neural rendering methods.

🔹 Publication Date: Published on Dec 9

🔹 Paper Links:
• arXiv Page: https://arxiv.org/abs/2512.08478
• PDF: https://arxiv.org/pdf/2512.08478
• Project Page: https://visionary-laboratory.github.io/visionary/
• Github: https://visionary-laboratory.github.io/visionary/

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

For more data science resources:
https://news.1rj.ru/str/DataScienceT

#GaussianSplatting #WebGPU #NeuralRendering #3DGraphics #GenerativeAI
🔥1
SUCCESS-GS: Survey of Compactness and Compression for Efficient Static and Dynamic Gaussian Splatting

📝 Summary:
This survey overviews efficient 3D and 4D Gaussian Splatting. It categorizes parameter and restructuring compression methods to reduce memory and computation while maintaining reconstruction quality. It also covers current limitations and future research.

🔹 Publication Date: Published on Dec 8

🔹 Paper Links:
• arXiv Page: https://arxiv.org/abs/2512.07197
• PDF: https://arxiv.org/pdf/2512.07197
• Project Page: https://cmlab-korea.github.io/Awesome-Efficient-GS/
• Github: https://cmlab-korea.github.io/Awesome-Efficient-GS/

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

For more data science resources:
https://news.1rj.ru/str/DataScienceT

#GaussianSplatting #3DVision #ComputerGraphics #DeepLearning #Efficiency
Boosting Unsupervised Video Instance Segmentation with Automatic Quality-Guided Self-Training

📝 Summary:
AutoQ-VIS is an unsupervised Video Instance Segmentation framework that bridges the synthetic-to-real domain gap. It uses quality-guided self-training with automatic quality assessment for progressive adaptation. This method achieves state-of-the-art results without requiring human annotations.

🔹 Publication Date: Published on Dec 7

🔹 Paper Links:
• arXiv Page: https://arxiv.org/abs/2512.06864
• PDF: https://arxiv.org/pdf/2512.06864
• Github: https://github.com/wcbup/AutoQ-VIS/

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

For more data science resources:
https://news.1rj.ru/str/DataScienceT

#VideoInstanceSegmentation #UnsupervisedLearning #ComputerVision #MachineLearning #DeepLearning
Efficiently Reconstructing Dynamic Scenes One D4RT at a Time

📝 Summary:
D4RT is a transformer-based model that efficiently reconstructs 4D scenes from videos. It uses a novel querying mechanism to infer depth and motion by flexibly probing 3D space-time points, outperforming previous methods.

🔹 Publication Date: Published on Dec 9

🔹 Paper Links:
• arXiv Page: https://arxiv.org/abs/2512.08924
• PDF: https://arxiv.org/pdf/2512.08924

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

For more data science resources:
https://news.1rj.ru/str/DataScienceT

#4DReconstruction #ComputerVision #Transformers #DynamicScenes #DeepLearning
❗️LISA HELPS EVERYONE EARN MONEY!$29,000 HE'S GIVING AWAY TODAY!

Everyone can join his channel and make money! He gives away from $200 to $5.000 every day in his channel

https://news.1rj.ru/str/+YDWOxSLvMfQ2MGNi

⚡️FREE ONLY FOR THE FIRST 500 SUBSCRIBERS! FURTHER ENTRY IS PAID! 👆👇

https://news.1rj.ru/str/+YDWOxSLvMfQ2MGNi
UI-TARS: Pioneering Automated GUI Interaction with Native Agents

📝 Summary:
UI-TARS is a native GUI agent that uses screenshots for human-like interaction. It achieves state-of-the-art performance, outperforming commercial models, across various GUI benchmarks. This is due to enhanced perception, unified action modeling, system-2 reasoning, and iterative training.

🔹 Publication Date: Published on Jan 21

🔹 Paper Links:
• arXiv Page: https://arxiv.org/abs/2501.12326
• PDF: https://arxiv.org/pdf/2501.12326
• Github: https://github.com/bytedance/UI-TARS

🔹 Models citing this paper:
https://huggingface.co/ByteDance-Seed/UI-TARS-1.5-7B
https://huggingface.co/ByteDance-Seed/UI-TARS-7B-DPO
https://huggingface.co/ByteDance-Seed/UI-TARS-7B-SFT

Datasets citing this paper:
https://huggingface.co/datasets/Hcompany/WebClick

Spaces citing this paper:
https://huggingface.co/spaces/prithivMLmods/CUA-GUI-Operator
https://huggingface.co/spaces/bytedance-research/UI-TARS
https://huggingface.co/spaces/Aheader/gui_test_app

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

For more data science resources:
https://news.1rj.ru/str/DataScienceT

#AI #DataScience #MachineLearning #HuggingFace #Research
Novel Deep Learning Architectures for Classification and Segmentation of Brain Tumors from MRI Images

📝 Summary:
Two novel deep learning architectures, SAETCN and SAS-Net, achieve high accuracy in classifying and segmenting brain tumors from MRI scans. AI-generated summary Brain tumors pose a significant threat ...

🔹 Publication Date: Published on Dec 6

🔹 Paper Links:
• arXiv Page: https://arxiv.org/abs/2512.06531
• PDF: https://arxiv.org/pdf/2512.06531
• Github: https://github.com/arghadip2002/SAETCN-and-SASNET-Architectures

Spaces citing this paper:
https://huggingface.co/spaces/arghadip2002/NeuroGuard-Web-Application

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

For more data science resources:
https://news.1rj.ru/str/DataScienceT

#AI #DataScience #MachineLearning #HuggingFace #Research
🚀 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://news.1rj.ru/str/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://news.1rj.ru/str/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://news.1rj.ru/str/DataScience4

🎯 PyData Careers | Quiz
Python Data Science jobs, interview tips, and career insights for aspiring professionals.
https://news.1rj.ru/str/DataScienceQ

💾 Kaggle Data Hub
Your go-to hub for Kaggle datasets – explore, analyze, and leverage data for Machine Learning and Data Science projects.
https://news.1rj.ru/str/datasets1

🧑‍🎓 Udemy Coupons | Courses
The first channel in Telegram that offers free Udemy coupons
https://news.1rj.ru/str/DataScienceC

😀 ML Research Hub
Advancing research in Machine Learning – practical insights, tools, and techniques for researchers.
https://news.1rj.ru/str/DataScienceT

💬 Data Science Chat
An active community group for discussing data challenges and networking with peers.
https://news.1rj.ru/str/DataScience9

🐍 Python Arab| بايثون عربي
The largest Arabic-speaking group for Python developers to share knowledge and help.
https://news.1rj.ru/str/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://news.1rj.ru/str/DataScienceN

📺 Free Online Courses | Videos
Free online courses covering data science, machine learning, analytics, programming, and essential skills for learners.
https://news.1rj.ru/str/DataScienceV

📈 Data Analytics
Dive into the world of Data Analytics – uncover insights, explore trends, and master data-driven decision making.
https://news.1rj.ru/str/DataAnalyticsX

🎧 Learn Python Hub
Master Python with step-by-step courses – from basics to advanced projects and practical applications.
https://news.1rj.ru/str/Python53

⭐️ Research Papers
Professional Academic Writing & Simulation Services
https://news.1rj.ru/str/DataScienceY

━━━━━━━━━━━━━━━━━━
Admin: @HusseinSheikho
Please open Telegram to view this post
VIEW IN TELEGRAM
1
SAM-Body4D: Training-Free 4D Human Body Mesh Recovery from Videos

📝 Summary:
SAM-Body4D is a training-free framework for 3D human mesh recovery from videos. It enhances temporal consistency and occlusion robustness by generating and refining identity-consistent masklets, guiding existing methods to produce stable full-body mesh trajectories without retraining.

🔹 Publication Date: Published on Dec 9

🔹 Paper Links:
• arXiv Page: https://arxiv.org/abs/2512.08406
• PDF: https://arxiv.org/pdf/2512.08406
• Github: https://github.com/gaomingqi/sam-body4d

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

For more data science resources:
https://news.1rj.ru/str/DataScienceT

#AI #DataScience #MachineLearning #HuggingFace #Research
1
MemLoRA: Distilling Expert Adapters for On-Device Memory Systems

📝 Summary:
MemLoRA and MemLoRA-V enable efficient on-device memory-augmented AI by equipping small language and vision-language models with specialized, distilled memory adapters. This allows accurate local memory operations and native visual understanding, outperforming larger baselines in text and visual ...

🔹 Publication Date: Published on Dec 4

🔹 Paper Links:
• arXiv Page: https://arxiv.org/abs/2512.04763
• PDF: https://arxiv.org/pdf/2512.04763

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

For more data science resources:
https://news.1rj.ru/str/DataScienceT

#OnDeviceAI #LLMs #VLMs #AIAdapters #MemoryAugmentedAI
1
Terrain Diffusion: A Diffusion-Based Successor to Perlin Noise in Infinite, Real-Time Terrain Generation

📝 Summary:
Terrain Diffusion uses diffusion models and a novel algorithm called InfiniteDiffusion to generate realistic, seamless, and boundless procedural worlds with constant-time random access. AI-generated s...

🔹 Publication Date: Published on Dec 9

🔹 Paper Links:
• arXiv Page: https://arxiv.org/abs/2512.08309
• PDF: https://arxiv.org/pdf/2512.08309
• Project Page: https://xandergos.github.io/terrain-diffusion/
• Github: https://github.com/xandergos/terrain-diffusion

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

For more data science resources:
https://news.1rj.ru/str/DataScienceT

#AI #DataScience #MachineLearning #HuggingFace #Research