ML Research Hub – Telegram
ML Research Hub
32.7K subscribers
4.01K photos
229 videos
23 files
4.32K links
Advancing research in Machine Learning – practical insights, tools, and techniques for researchers.

Admin: @HusseinSheikho || @Hussein_Sheikho
Download Telegram
¡Hola! 👋
AmigoChat - AI GPT bot. Best friend and assistant:

use GPT 4 Omni
generate images
get ideas and hashtags for social media
write SEO texts
rewrite and summarize longreads
choose a promotion plan
chat and ask questions

Everything is FREE because amigos don't take dineros for help! 🤠
👉 https://news.1rj.ru/str/Amigoo_Chat_Bot
Please open Telegram to view this post
VIEW IN TELEGRAM
2👍2
🧠 Magnum-72B-v1 is an LLM that can write prose and poetry

Magnum-72B-v1 is based on the Qwen-2 72B.
It was trained on 55 million tokens of high-quality data. Eight AMD Instinct MI300X AMD gas pedals were used to fine tune all model parameters.
🤗 Hugging Face

https://news.1rj.ru/str/DataScienceT
Please open Telegram to view this post
VIEW IN TELEGRAM
🦜 Toucan is an open-source TTS model with support for 7000 languages ​​and dialects

Toucan is a text-to-speech (TTS) model + a set of tools for learning, training and deploying the model.

The model was created at the Institute for Natural Language Processing (IMS) at the University of Stuttgart.

Everything is written in idiomatic Python using PyTorch to make learning and testing as easy as possible.

🖥 GitHub
🤗 Test it on HF
🤗 Dataset for HF

https://news.1rj.ru/str/DataScienceT
Please open Telegram to view this post
VIEW IN TELEGRAM
Please open Telegram to view this post
VIEW IN TELEGRAM
👍1🏆1
WebScraping with Gen AI

During this session, we'll explore the following topics:

1️⃣ Basics of Web Scraping:
Understand the fundamental concepts and techniques of web scraping and its legal and ethical considerations.

2️⃣ Scraping with Gen AI:
Discover how Gen AI revolutionizes the web scraping landscape with real-world examples.

3️⃣ Jina Reader API:
Get acquainted with the Jina Reader API, a powerful tool for obtaining LLM-friendly input from URLs or web searches.

4️⃣ ScrapeGraphAI:
Dive into ScrapeGraphAI, a groundbreaking Python library that combines LLMs and direct graph logic for creating robust scraping pipelines.

Event Details:
🗓 Date: 22 June, Saturday
Time: 11:00 AM IST
🔗 Register now: https://www.buildfastwithai.com/events/web-scraping-with-gen-ai

Connect with Founder from IIT Delhi;
https://www.linkedin.com/in/satvik-paramkusham/
Please open Telegram to view this post
VIEW IN TELEGRAM
👍6❤‍🔥1🏆1
🟢 Let's start with Day 1 today

Let's learn Linear Regression in detail

Linear regression is a statistical method used to model the relationship between a dependent variable (target) and one or more independent variables (features). The goal is to find the linear equation that best predicts the target variable from the feature variables.

The equation of a simple linear regression model is:
\[ y = \beta_0 + \beta_1 x \]
Where:
- \( y) is the predicted value.
- \( \beta_0) is the y-intercept.
- \( \beta_1) is the slope of the line (coefficient).
- \( x) is the independent variable.

Implementation

Let's consider an example using Python and its libraries.

Example
Suppose we have a dataset with house prices and their corresponding size (in square feet).

# Import necessary libraries
import numpy as np
import pandas as pd
from sklearn.model_selection import train_test_split
from sklearn.linear_model import LinearRegression
from sklearn.metrics import mean_squared_error, r2_score
import matplotlib.pyplot as plt

# Example data
data = {
    'Size': [1500, 1600, 1700, 1800, 1900, 2000, 2100, 2200, 2300, 2400],
    'Price': [300000, 320000, 340000, 360000, 380000, 400000, 420000, 440000, 460000, 480000]
}
df = pd.DataFrame(data)

# Independent variable (feature) and dependent variable (target)
X = df[['Size']]
y = df['Price']

# Splitting the data into training and testing sets
X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.2, random_state=0)

# Creating and training the linear regression model
model = LinearRegression()
model.fit(X_train, y_train)

# Making predictions
y_pred = model.predict(X_test)

# Evaluating the model
mse = mean_squared_error(y_test, y_pred)
r2 = r2_score(y_test, y_pred)

print(f"Mean Squared Error: {mse}")
print(f"R-squared: {r2}")

# Plotting the results
plt.scatter(X, y, color='blue')  # Original data points
plt.plot(X_test, y_pred, color='red', linewidth=2)  # Regression line
plt.xlabel('Size (sq ft)')
plt.ylabel('Price ($)')
plt.noscript('Linear Regression: House Prices vs Size')
plt.show()

Explanation of the Code

1. Libraries: We import necessary libraries like numpy, pandas, sklearn, and matplotlib.
2. Data Preparation: We create a DataFrame containing the size and price of houses.
3. Feature and Target: We separate the feature (Size) and the target (Price).
4. Train-Test Split: We split the data into training and testing sets.
5. Model Training: We create a LinearRegression model and train it using the training data.
6. Predictions: We use the trained model to predict house prices for the test set.
7. Evaluation: We evaluate the model using Mean Squared Error (MSE) and R-squared (R²) metrics.
8. Visualization: We plot the original data points and the regression line to visualize the model's performance.

Evaluation Metrics

- Mean Squared Error (MSE): Measures the average squared difference between the actual and predicted values. Lower values indicate better performance.
- R-squared (R²): Represents the proportion of the variance in the dependent variable that is predictable from the independent variable(s). Values closer to 1 indicate a better fit.

👇 BEST DATA SCIENCE CHANNELS ON TELEGRAM 👇

https://news.1rj.ru/str/addlist/8_rRW2scgfRhOTc0
Please open Telegram to view this post
VIEW IN TELEGRAM
👍8🏆2
Forwarded from Eng. Hussein Sheikho
Delegate routine tasks to Artificial Intelligence!

The new assistant for macOS always knows what needs to be done!

💻 The new AI-powered assistant AIDE provides you with support based on your screen content. Get relevant hints and solutions to work more efficiently and productively without losing focus on your tasks.

Download and start for free nowAIDE AI
👍2😍1🏆1
🌟 Modded-NanoGPT - allows you to achieve GPT-2 quality (124M) when training on only 5B tokens

Modded-NanoGPT is a modification of the GPT-2 training code from Andrei Karpathy.

Modded-NanoGPT allows:
- train 2 times more efficiently (requires only 5B tokens instead of 10B to achieve the same accuracy)
- has simpler code (446 lines instead of 858)

🖥 GitHub

👇 BEST DATA SCIENCE CHANNELS ON TELEGRAM 👇

https://news.1rj.ru/str/addlist/8_rRW2scgfRhOTc0
Please open Telegram to view this post
VIEW IN TELEGRAM
👍1
👌 Microsoft just, without a big announcement (again!), released an interesting new way to train models "Instruction Pre-Training, models and datasets.

When pre-trained from scratch, a 500M model trained on 100B tokens achieves the performance of a 1B model pre-trained on 300B tokens.

Available:
👀 Datasets
🦙 Llama 3 8B with quality comparable to 70B!
❤️‍🔥 General models + specialized models (medicine/finance)

🟡abs: https://arxiv.org/abs/2406.14491
🔴models: https://huggingface.co/instruction-pretrain

👇 BEST DATA SCIENCE CHANNELS ON TELEGRAM 👇

https://news.1rj.ru/str/addlist/8_rRW2scgfRhOTc0
Please open Telegram to view this post
VIEW IN TELEGRAM
Please open Telegram to view this post
VIEW IN TELEGRAM
👍6
¡Hola! 👋
AmigoChat - AI GPT bot. Best friend and assistant:

use GPT 4 Omni
generate images
get ideas and hashtags for social media
write SEO texts
rewrite and summarize longreads
choose a promotion plan
chat and ask questions

Everything is FREE because amigos don't take dineros for help! 🤠
👉 https://news.1rj.ru/str/Amigoo_Chat_Bot
Please open Telegram to view this post
VIEW IN TELEGRAM
👍1
This media is not supported in your browser
VIEW IN TELEGRAM
👍 ExVideo is a tuning technique to improve the ability of models to generate video

ExVideo allows a model to generate 5 times more frames, while requiring only 1.5k GPU training hours on a dataset of 40k videos.

In particular, ExVideo was used to improve the Stable Video Diffusion model to generate long videos up to 128 frames.
The code, article and model are at the links below.

🟡 ExVideo page
🖥 GitHub
🟡 Hugging Face
🟡 Arxiv

👇 BEST DATA SCIENCE CHANNELS ON TELEGRAM 👇

https://news.1rj.ru/str/addlist/8_rRW2scgfRhOTc0
Please open Telegram to view this post
VIEW IN TELEGRAM
👍6
🌟 MG-LLaVA - multimodal LLM with advanced capabilities for working with visual information

Just recently, the guys from Shanghai University rolled out MG-LLaVA - MLLM, which expands the capabilities of processing visual information through the use of additional components: special components that are responsible for working with low and high resolution.

MG-LLaVA integrates an additional high-resolution visual encoder to capture fine details, which are then combined with underlying visual features using the Conv-Gate network.

Trained exclusively on publicly available multimodal data, MG-LLaVA achieves excellent results.

🟡 MG-LLaVA page
🖥 GitHub

https://news.1rj.ru/str/DataScienceT
Please open Telegram to view this post
VIEW IN TELEGRAM
Please open Telegram to view this post
VIEW IN TELEGRAM
👍4
🖥 Unstructured - Python library for raw data preprocessing

- pip install "unstructured[all-docs]"

Unstructured provides components for preprocessing images and text documents; supports many formats: PDF, HTML, Word docs, etc.

Run the library in a container:
docker run -dt --name unstructured downloads.unstructured.io/unstructured-io/unstructured:latest
docker exec -it unstructured bash


🖥 GitHub
🟡 Docks

https://news.1rj.ru/str/DataScienceT
Please open Telegram to view this post
VIEW IN TELEGRAM
Please open Telegram to view this post
VIEW IN TELEGRAM
👍82