
Using Video Games to Simulate Evolution
- Frank
- March 2, 2023
- adapt
- Algorithm
- Automata
- cell
- cellular
- Computer
- conway
- Curious Archive
- Curiousarchive
- Evolution
- evolution game
- evolution simulator
- evolution simulator game
- Future
- Game
- john
- Life
- life engine
- Machine Learning
- Natural selection
- Neural Network
- of
- speculative biology
- speculative zoology
- spore
- synthwave
- the bibites
- the sapling
- thrive
Discover the incredible (and hilarious) ways that video games can simulate evolution. From Conway’s ‘Game of Life’ to Evolution by Keiwan, get a look at how games and other simulations can reproduce natural selection in this video is from Curious Archive.
Read More
Visualization of a fully connected neural network, version 1
This video from Marijn van Vliet is havily inspired by Denis Dmitriev’s work.
Read More
A Gentle Introduction to language modeling: building makemore
Andrej Karpathy implements a bigram character-level language model, which we will further complexify in followup videos into a modern Transformer language model, like GPT. In this video, the focus is on (1) introducing torch.Tensor and its subtleties and use in efficiently evaluating neural networks and (2) the overall framework of language modeling that includes model […]
Read More
Activation Functions – Deep Learning Dictionary
- Frank
- December 28, 2022
- activation function
- AI
- artificial intelligence
- artificial neural network
- Autoencoders
- batch normalization
- Clustering
- CNN
- Convolutional Neural Network
- CUDA
- cuDNN
- data augmentation
- Deep Learning
- Education
- fine-tune
- GPU
- image classification
- Keras
- Learning
- Machine Learning
- neural net
- Neural Network
- Nvidia
- Python
- PyTorch
- relu
- Sequential model
- SGD
- Supervised Learning
- TensorFlow
- tensorflow.js
- TFJS
- train
- Training
- Transfer Learning
- Tutorial
- Unsupervised Learning
What are activation functions within artificial neural networks? Mandy from deeplizard explains.
Read More
Elon Musk Shows Latest Neuralink Demo of Monkey Typing with its Mind
- Frank
- December 9, 2022
- 2022
- brain chip
- brain chip technology
- brain computer interface technology
- brain implant
- CNET Highlights
- Elon Musk
- elon musk brain chip
- elon musk brain scan
- Event
- live
- Livestream
- Neural Network
- Neuralink
- neuralink animal testing
- neuralink announcement
- neuralink chip
- Neuralink Demo
- neuralink elon musk
- neuralink elon musk chip
- neuralink human trials 2022
- neuralink human trials sign up
- neuralink telepathy
- neuralink update
- when will neuralink be available
Elon Musk talks about how the Neuralink brain implant is being tested on animals and hopes to start testing it in humans in six months once it’s cleared by the FDA.
Read More
What Happens When Artificial Intelligence Writes a Video
- Frank
- September 8, 2022
- AI
- artificial intelligence
- artificial intelligence 2022
- artificial intelligence movies
- artificial intelligence robot
- because science
- chernobyl
- dall-e
- deep learning ai
- engineering
- gpt-3
- kyle hill
- Learning
- Machine Learning
- Math
- Neural Network
- Nuclear
- OpenAI
- Physics
- science
- STEM
- the facility
Kyle Hill explores what happens when he lets an AI write his script. How does deep learning work? What is a neural network? What happens if I let an A.I. write a science video and say whatever it spits out?
Read More
Intro to Natural Language Processing (NLP)
- Frank
- August 22, 2022
- AI
- artificial intelligence
- artificial neural network
- Autoencoders
- Clustering
- Convolutional Neural Network
- CUDA
- cuDNN
- data augmentation
- Deep Learning
- fine-tune
- GPU
- image classification
- Keras
- Learning
- Machine Learning
- Natural Language Processing
- neural net
- Neural Network
- Nvidia
- Python
- PyTorch
- relu
- Sentiment Analysis
- Sequential model
- Supervised Learning
- TensorFlow
- tensorflow.js
- Text Classification
- TFJS
- train
- Training
- Transfer Learning
- Tutorial
- Unsupervised Learning
This course provides an introduction to the field of Natural Language Processing (NLP) with a focus on sentiment analysis and text classification using artificial neural networks. In this lesson, we’ll get introduced to the field of Natural Language Processing, otherwise known simply as NLP.
Read More
How Deep Neural Networks Work
This is part of the End-to-End Machine Learning School Course 193, How Neural Networks Work at https://e2eml.school/193
Read More
Building a neural network FROM SCRATCH (no Tensorflow/Pytorch, just numpy & math)
- Frank
- July 18, 2022
- AI
- Neural Network
Watch the video and check out the Kaggle notebook with all the code.
Read More
Sigmoid Activation Function – Deep Learning Dictionary
- Frank
- July 11, 2022
- activation function
- AI
- artificial intelligence
- artificial neural network
- Autoencoders
- batch normalization
- Clustering
- CNN
- Convolutional Neural Network
- CUDA
- cuDNN
- data augmentation
- Deep Learning
- Education
- fine-tune
- GPU
- image classification
- Keras
- Learning
- Machine Learning
- neural net
- Neural Network
- Nvidia
- Python
- PyTorch
- relu
- Sequential model
- SGD
- Supervised Learning
- TensorFlow
- tensorflow.js
- TFJS
- train
- Training
- Transfer Learning
- Tutorial
- Unsupervised Learning
What is the sigmoid activation function used in artificial neural networks?
Read More