AssemblyAI Profile Banner
AssemblyAI Profile
AssemblyAI

@AssemblyAI

37,111
Followers
403
Following
649
Media
2,201
Statuses

Access powerful AI models to transcribe and understand speech via a simple API. Try our no-code playground for free 👉

Joined October 2017
Don't wanna be here? Send us removal request.
Pinned Tweet
@AssemblyAI
AssemblyAI
1 month
Introducing Universal-1, our most powerful speech recognition model to date. Trained on over 12.5 million hours of multilingual audio data, Universal-1 achieves best-in-class speech-to-text accuracy across English, Spanish, French, and German.
20
64
247
@AssemblyAI
AssemblyAI
1 year
Here's a GPT implementation with NumPy in 60 lines of code:
Tweet media one
65
563
4K
@AssemblyAI
AssemblyAI
2 years
The most legendary ML course!
Tweet media one
33
391
2K
@AssemblyAI
AssemblyAI
2 years
When you move on to Deep Learning
Tweet media one
14
230
2K
@AssemblyAI
AssemblyAI
2 years
Naive Bayes algorithm from scratch in Python:
Tweet media one
17
259
2K
@AssemblyAI
AssemblyAI
2 years
5 Stanford ML & DL Courses you can start watching right now🧵
66
441
2K
@AssemblyAI
AssemblyAI
2 years
Here are 10 common AI terms explained in an easily understandable way. 1. Classification 2. Regression 3. Underfitting 4. Overfitting 5. Cost function 6. Loss function 7. Validation data 8. Neural Network 9. Parameter 10. Hyperparameter AI Thread🧵👇
43
406
2K
@AssemblyAI
AssemblyAI
2 years
Logistic Regression from scratch in Python with gradient descent
Tweet media one
17
207
2K
@AssemblyAI
AssemblyAI
2 years
The field of AI is moving incredibly fast. Here’s a curated list of 15 AI newsletters to stay ahead of the field.🧵
67
316
2K
@AssemblyAI
AssemblyAI
2 years
Below are 7 popular Machine Learning algorithms implemented from scratch in Python🧵
51
367
1K
@AssemblyAI
AssemblyAI
2 years
5 FREE courses to learn Machine Learning for absolute beginners: Kaggle Python Kaggle Intro To ML Kaggle Intermediate ML Google ML Problem Framing Google ML Crash Course Links 👇
6
401
1K
@AssemblyAI
AssemblyAI
2 years
Learn how to predict stock prices with Python, the yfinance package, and a cool forecasting algorithm. Let's look at the code step by step👇🧵
Tweet media one
57
277
1K
@AssemblyAI
AssemblyAI
1 year
Accurate...
Tweet media one
16
198
1K
@AssemblyAI
AssemblyAI
2 years
How to make your Python code 86 times faster💨: By using Jax! This simple example speeds up a function from 331 ms to 3.81 ms! Have you used it before?
Tweet media one
26
195
1K
@AssemblyAI
AssemblyAI
1 year
Free Data Scientist / Machine Learning Engineer learning path: 🔗
Tweet media one
17
301
1K
@AssemblyAI
AssemblyAI
2 years
10 Machine Learning YouTube channels you should follow: 1. Data Professor @thedataprof 2. Mısra Turp @misraturp 3. Sentdex 4. AssemblyAI 5. Two Minute Papers 6. Tech with Tim 7. Machine Learning with Phil 8. Lex Fridman 9. Python Engineer @python_engineer 10. Smitha Kolan
28
316
1K
@AssemblyAI
AssemblyAI
1 year
Here are 6 famous Deep Learning models explained: - DALL-E 2 - Diffusion models - GPT-3 - Imagen - Whisper - ChatGPT 👇🧵
14
191
932
@AssemblyAI
AssemblyAI
2 years
FREE Machine Learning From Scratch course!🐍🤖 Learn how to implement 10 popular ML algorithms with Python and NumPy.
Tweet media one
10
236
899
@AssemblyAI
AssemblyAI
1 year
AI for Beginners is a great free course to get you started with Machine Learning:
Tweet media one
11
237
827
@AssemblyAI
AssemblyAI
1 year
Introducing Conformer-1: our latest state-of-the-art speech recognition model. Built on top of the Conformer architecture and trained on 650K hours of audio data, it achieves near-human-level performance, making up to 43% fewer errors on noisy data than other ASR models. 1/9
Tweet media one
29
154
823
@AssemblyAI
AssemblyAI
2 years
Linear and Logistic Regression from scratch in Python. Both algorithms can be implemented using an Object Oriented Programming approach with only minimal code difference between the two classes:
Tweet media one
4
143
786
@AssemblyAI
AssemblyAI
1 year
How to make your ML code 86 times faster💨: By using JAX! This simple example speeds up a function from 331 ms to 3.81 ms! Learn about JAX here. 1/8🧵
Tweet media one
14
126
777
@AssemblyAI
AssemblyAI
1 year
A minimal ML study guide
Tweet media one
2
176
756
@AssemblyAI
AssemblyAI
2 years
Here are 10 video tutorials for 10 popular Machine Learning algorithms implemented from scratch in Python👇
24
185
680
@AssemblyAI
AssemblyAI
2 years
Secret tip to train large NLP models:
Tweet media one
22
91
669
@AssemblyAI
AssemblyAI
2 years
Linear Discriminant Analysis (LDA) implemented from scratch in Python
Tweet media one
11
115
655
@AssemblyAI
AssemblyAI
1 year
Are you tired of googling how to work with pandas DataFrames? Meet the Open Source package "sketch". It's an AI code-writing assistant that understands data content. It helps you to analyze your data and to write code: Let's see how to use it: 1/4
Tweet media one
14
129
638
@AssemblyAI
AssemblyAI
2 years
Learn how to code KNN from scratch in Python! 📽️
Tweet media one
7
109
620
@AssemblyAI
AssemblyAI
2 years
...
Tweet media one
8
80
627
@AssemblyAI
AssemblyAI
2 years
PCA from scratch in Python. An unsupervised learning technique that works by projecting the data onto the first few principal components (= eigenvectors)
Tweet media one
9
89
626
@AssemblyAI
AssemblyAI
2 years
Python Tip: Automatically find dates inside text with the datefinder package:
Tweet media one
5
70
603
@AssemblyAI
AssemblyAI
1 year
Python NumPy Tip: If you need to count the number of occurrences of each value in an array, you can use numpy.bincount instead of collections.Counter. bincount is much faster:
Tweet media one
9
79
599
@AssemblyAI
AssemblyAI
2 years
Do you know VS Code supports Jupyter Notebooks? You just need a Python environment containing the Jupyter package and can then create a file with .ipynb ending. Do you use this setup for your ML projects?
Tweet media one
24
76
550
@AssemblyAI
AssemblyAI
2 years
🎉ANNOUNCEMENT🎉 On Monday, we'll release a new free course: Machine Learning From Scratch in Python Learn how to implement: KNN Linear Regression Logistic Regression Decision Trees Random Forest Naive Bayes PCA Perceptron SVM KMeans Set a reminder:
Tweet media one
12
127
544
@AssemblyAI
AssemblyAI
2 years
That's why Python is amazing! Is there any other language that lets you create and train a Neural Network in 5 lines of code?
Tweet media one
31
62
482
@AssemblyAI
AssemblyAI
1 year
Here's a Google Colab with a free PyTorch Crash Course:
Tweet media one
1
140
476
@AssemblyAI
AssemblyAI
1 year
New Open-Source GPT-4 alternative available: - Blog post: - GitHub: - Demo:
Tweet media one
3
111
464
@AssemblyAI
AssemblyAI
2 years
6 amazing Python libraries that help with text processing 🧵:
13
90
443
@AssemblyAI
AssemblyAI
1 year
MiniGPT-4: Enhancing Vision-language Understanding with Advanced Large Language Models - Website: - Code: - Paper:
Tweet media one
3
100
443
@AssemblyAI
AssemblyAI
2 years
How to get started with Machine Learning in 4 easy steps. A thread🧵
10
140
411
@AssemblyAI
AssemblyAI
1 year
ML YouTube Courses: Full list:
Tweet media one
5
121
410
@AssemblyAI
AssemblyAI
2 years
Perceptron from scratch in Python A Perceptron is a single layer neural network with the unit step function as activation function, and a beautiful intuitive update rule that either increases or decreases the weights depending on the prediction
Tweet media one
3
60
400
@AssemblyAI
AssemblyAI
1 year
How to create an AI app with a free GPU using Flask ngrok, and Google Colab. In this example, we build our own Stable Diffusion app. Let's look at it step-by-step (The link to the code is at the end). 1/8🧵
Tweet media one
16
100
412
@AssemblyAI
AssemblyAI
1 year
How GPT-4 is currently being trained.
Tweet media one
10
42
408
@AssemblyAI
AssemblyAI
1 year
Looking for a free MLOps course? Check out
Tweet media one
4
76
393
@AssemblyAI
AssemblyAI
1 year
The tiniest implementations of Linear Regression, Logistic Regression, KNN, PCA & KMeans:
Tweet media one
2
72
391
@AssemblyAI
AssemblyAI
1 year
3 awesome FREE courses with hands-on exercises: 1⃣Python 2⃣Intro to Machine Learning 3⃣Intermediate Machine Learning 7 lessons each. 🔗
Tweet media one
Tweet media two
Tweet media three
4
97
384
@AssemblyAI
AssemblyAI
1 year
Awesome repo: MLAlgorithms Minimal and clean examples of machine learning algorithms implementations
Tweet media one
4
105
379
@AssemblyAI
AssemblyAI
1 year
Machine Learning from scratch. How it started (KNN) vs. How it's going (GPT)
Tweet media one
Tweet media two
3
65
369
@AssemblyAI
AssemblyAI
2 years
Machine Learning or Deep Learning?🤔
92
25
349
@AssemblyAI
AssemblyAI
2 years
12 ML and DL Libraries we love: 🤓NumPy 🤓Pandas 📊matplotlib 📊seaborn 🤖scikit-learn 🤖XGBoost 🧠PyTorch 🧠TensorFlow 🧠JAX 💬NLTK 👀OpenCV 🤗Transformers What about you?
10
75
353
@AssemblyAI
AssemblyAI
1 year
5 Famous AI models explained: - DALL-E 2 - Diffusion models - GPT-3 - Imagen - ChatGPT Which ones should we add this year?
Tweet media one
4
72
340
@AssemblyAI
AssemblyAI
1 year
6 Stanford Machine Learning, Deep Learning, and NLP courses you can watch for free to start your AI journey🧵
2
85
329
@AssemblyAI
AssemblyAI
2 years
Python ML Tip: The upcoming Scikit-learn 1.2.0 contains a new major feature: Pipelines can finally return Pandas DataFrames🤩
Tweet media one
3
47
318
@AssemblyAI
AssemblyAI
1 year
How to record your microphone with pyaudio. This snippet could be used for real-time speech recognition:
Tweet media one
6
54
319
@AssemblyAI
AssemblyAI
2 years
How to implement a simple LSTM model for classification in PyTorch:
Tweet media one
3
45
318
@AssemblyAI
AssemblyAI
1 year
Do you want to get started with Machine Learning in 2023? Here's a 5 Step Study Guide for you with free resources🧵🚀
18
94
314
@AssemblyAI
AssemblyAI
1 year
We are launching a new mini-course on YouTube this week! Python for AI development Stay tuned!
Tweet media one
8
46
307
@AssemblyAI
AssemblyAI
2 years
A few days ago we shared Logistic Regression. Today we show you how to implement Linear Regression from scratch in Python with gradient descent. Can you spot the difference?
Tweet media one
8
44
303
@AssemblyAI
AssemblyAI
1 year
5 amazing free courses to get started with AI and LLMs: 1. LLM University by @CohereAI : 2. LLM Bootcamp by @full_stack_dl : 3. Practical Deep Learning for Coders by @FastDotAI : 4. Deep Learning fundamentals…
Tweet media one
8
109
303
@AssemblyAI
AssemblyAI
2 years
Our "Deep Learning Explained" YouTube playlist was trending on Reddit 🥳 Really glad that people find these videos helpful!
2
47
295
@AssemblyAI
AssemblyAI
2 years
Forecasting algorithms be like
Tweet media one
1
60
293
@AssemblyAI
AssemblyAI
11 months
5 resources to understand transformers:🧵
Tweet media one
4
47
295
@AssemblyAI
AssemblyAI
1 year
Everyone is talking about ChatGPT. Here are 6 other AI Playgrounds you can use to access powerful large language models for free. 🧵👇
9
47
285
@AssemblyAI
AssemblyAI
1 year
This is exciting! JARVIS, a system to connect LLMs with ML community, based on the new HuggingGPT paper.
Tweet media one
5
57
287
@AssemblyAI
AssemblyAI
1 year
Wanna learn how to implement those 10 ML Algorithms from scratch? Watch our Machine Learning From Scratch course on YouTube:
Tweet media one
6
59
283
@AssemblyAI
AssemblyAI
1 year
As part of our end-of-the-year countdown collaboration with many amazing creators, we asked them to recommend must-read books for 2023. Here is what they recommended: 1/4🧵
Tweet media one
3
62
265
@AssemblyAI
AssemblyAI
1 year
Here's a Colab that implements the same neural net with both TensorFlow and PyTorch. A great way to quickly see how both frameworks work:
Tweet media one
Tweet media two
7
73
268
@AssemblyAI
AssemblyAI
1 year
MIT Introduction to Deep Learning: 📺Slides & videos: 📔Lab Materials: Happy Learning!
Tweet media one
6
74
266
@AssemblyAI
AssemblyAI
2 years
Found an awesome free Scikit-learn course: It contains written guides, videos, and exercises! Outline: ML Concepts Predictive Modeling Pipeline Model Selection Hyperparameter Tuning Linear Models Decision Trees Model Ensembles Evaluating Performance
6
58
262
@AssemblyAI
AssemblyAI
2 years
Python Tip: You can add a beautiful and smart progress bar in only one line of code. Just wrap any iterable with `tqdm(iterable)`
Tweet media one
5
43
254
@AssemblyAI
AssemblyAI
1 year
Here are 3 of our favorite courses we created this year on our YouTube channel: 🟡Python Speech Recognition 🔵Machine Learning From Scratch 🟣Deep Learning Explained Learn these topics for free with the links below🤗
Tweet media one
Tweet media two
Tweet media three
7
42
260
@AssemblyAI
AssemblyAI
1 year
A new paper that might be a game changer for AI image generation was released. ControlNet - Adding Conditional Control to Text-to-Image Diffusion Models We can now use additional input like sketches, outlines, or human poses to control diffusion models:
Tweet media one
3
52
251
@AssemblyAI
AssemblyAI
2 years
That's how you can capture your microphone input in Python with PyAudio:
Tweet media one
1
34
253
@AssemblyAI
AssemblyAI
2 years
💡Tip: Whenever you find a Jupyter notebook on GitHub and want to try it immediately in a Google Colab, just change the URL from github. com/... to githubtocolab. com/...
1
49
254
@AssemblyAI
AssemblyAI
1 year
Wanna learn about @LangChainAI ? Next to the very good official documentation, here are 3 resources to get you started: - 3 minute Explainer video: - 15 minute Crash Course: - Google Colab Guide:
Tweet media one
9
56
255
@AssemblyAI
AssemblyAI
2 years
Does any of those roles sound interesting to you? Data Scientist Developer Educator Front End Developer API Support Engineer Senior DevOps Engineer Senior Backend Engineer, Python Research Engineer, NLP Modeling Deep Learning Researcher, Speech Check out our careers page!👇
7
44
247
@AssemblyAI
AssemblyAI
1 year
If you want to build voice-based LLM applications, you need many things: - Record microphone - Real-time speech recognition - An LLM agent - A voice synthesizer Luckily, there is an open-source library from @vocodehq that makes all of this super simple. Let's learn more👇 1/5
Tweet media one
6
51
254
@AssemblyAI
AssemblyAI
2 years
When you know nothing about AI and get introduced to Machine Learning by Andrew Ng
9
43
242
@AssemblyAI
AssemblyAI
1 year
Here's a Google Colab with a free JAX Crash Course:
Tweet media one
1
57
230
@AssemblyAI
AssemblyAI
1 year
PyTorch 2.0 was announced! Main new feature: torch.compile A compiled mode that accelerates your model without needing to change your model code. It can speed up training by 38-76%, and 2.0 is fully backward-compatible🤗
Tweet media one
4
24
225
@AssemblyAI
AssemblyAI
2 years
🎉The first lesson of our Machine Learning From Scratch in Python course is out!!!🎉 Learn how to implement KNN using only built-in Python functions and Numpy! In the next 9 days we'll release 9 more lessons with other popular algorithms, stay tuned!
Tweet media one
6
44
221
@AssemblyAI
AssemblyAI
2 years
Feeling overwhelmed by all the Machine Learning courses? We created a minimal ML study guide with just 4 steps and only 2-3 necessary resources for each step: 1. Learn Python 2. Learn The ML Tech Stack 3. Machine Learning Courses 4. Practise!
1
64
223
@AssemblyAI
AssemblyAI
2 years
6 Machine Learning blogs you can follow for great ML & DL content: 🔗 🔗 🔗 🔗 🔗 🔗 Which one would you add?
3
67
214
@AssemblyAI
AssemblyAI
1 year
One of the best lecture series to learn about transformers:
Tweet media one
1
56
218
@AssemblyAI
AssemblyAI
11 months
Facebookresearch released audiocraft! A PyTorch library for deep learning research on audio generation. It contains the code for MusicGen, a state-of-the-art controllable music generation LM for text-to-music. Pretty cool!
Tweet media one
2
60
205
@AssemblyAI
AssemblyAI
2 years
NumPy's masked array lets you do pretty cool stuff:
Tweet media one
4
27
204
@AssemblyAI
AssemblyAI
2 years
This repository gives you free cheatsheets for Stanford's CS 229 Machine Learning and all relevant fields: - Supervised Learning - Unsupervised Learning - Deep Learning - Tips and Tricks - Probabilities and Statistics - Algebra and Calculus Enjoy!
Tweet media one
0
47
200
@AssemblyAI
AssemblyAI
10 months
Introducing Conformer-2, our latest AI model for automatic speech recognition trained on 1.1M hours of audio data that achieves state-of-the-art results for speech to text conversion. 1/6
Tweet media one
14
47
201
@AssemblyAI
AssemblyAI
1 year
h2oGPT is out. A new 20 billion parameter instruction-following large language model licensed for commercial use. - Demo: - Model: - GitHub:
Tweet media one
7
48
203
@AssemblyAI
AssemblyAI
1 year
A very simple example of an ML app with @FastAPI . - Loads a stored model - Has a `predict` endpoint that runs the model - Specifies input and output fields & types for the endpoint
Tweet media one
3
30
199
@AssemblyAI
AssemblyAI
2 years
Python Tip⚡️ A really cool library to work with unevenly-spaced time series data is 'traces': Let's look at this data from a light switch. We add the five measurements at 6:00am, 7:45am, etc. Then we can get information about unknown time points, and also the distribution:
Tweet media one
1
40
203
@AssemblyAI
AssemblyAI
2 years
Our Deep Learning engineers when they're trying to sleep
Tweet media one
2
24
195
@AssemblyAI
AssemblyAI
2 years
What's your favorite Python library for building ML apps and/or dashboards: Gradio, Streamlit, or Dash?🤔
42
20
199
@AssemblyAI
AssemblyAI
2 years
what's your favorite ML algorithm?
78
13
193
@AssemblyAI
AssemblyAI
1 year
Reinforcement Learning is taking over the AI world. Here are 4 RL courses from Stanford, UC Berkeley, DeepMind, and Hugging Face you can take for free to keep up with the trend:
3
47
198
@AssemblyAI
AssemblyAI
3 years
Win a Raspberry Pi 400! To enter: 1. Like this tweet 2. Follow @AssemblyAI on Twitter US residents only. Ends September 29. Winner will be contacted via DM. #raspberrypi #raspberrypi400
10
19
186
@AssemblyAI
AssemblyAI
2 years
TextBlob is an amazing Python library for processing textual data and common NLP tasks. Let's learn about it in 6 tweets👇🧵
Tweet media one
5
33
189