본문 바로가기

리디 접속이 원활하지 않습니다.
강제 새로 고침(Ctrl + F5)이나 브라우저 캐시 삭제를 진행해주세요.
계속해서 문제가 발생한다면 리디 접속 테스트를 통해 원인을 파악하고 대응 방법을 안내드리겠습니다.
테스트 페이지로 이동하기

Python Deep Learning Projects 상세페이지

Python Deep Learning Projects

9 projects demystifying neural network and deep learning models for building intelligent systems

  • 관심 0
소장
전자책 정가
25,000원
판매가
25,000원
출간 정보
  • 2018.10.31 전자책 출간
듣기 기능
TTS(듣기) 지원
파일 정보
  • PDF
  • 465 쪽
  • 44.5MB
지원 환경
  • PC뷰어
  • PAPER
ISBN
9781789134759
ECN
-
Python Deep Learning Projects

작품 정보

▶Book Description
Deep learning has been gradually revolutionizing every field of artificial intelligence, making application development easier.

Python Deep Learning Projects imparts all the knowledge needed to implement complex deep learning projects in the field of computational linguistics and computer vision. Each of these projects is unique, helping you progressively master the subject. You’ll learn how to implement a text classifier system using a recurrent neural network (RNN) model and optimize it to understand the shortcomings you might experience while implementing a simple deep learning system.

Similarly, you’ll discover how to develop various projects, including word vector representation, open domain question answering, and building chatbots using seq-to-seq models and language modeling. In addition to this, you’ll cover advanced concepts, such as regularization, gradient clipping, gradient normalization, and bidirectional RNNs, through a series of engaging projects.

By the end of this book, you will have gained knowledge to develop your own deep learning systems in a straightforward way and in an efficient way

▶What You Will Learn
⦁ Set up a deep learning development environment on Amazon Web Services (AWS)
⦁ Apply GPU-powered instances as well as the deep learning AMI
⦁ Implement seq-to-seq networks for modeling natural language processing (NLP)
⦁ Develop an end-to-end speech recognition system
⦁ Build a system for pixel-wise semantic labeling of an image
⦁ Create a system that generates images and their regions

▶Key Features
⦁ Explore deep learning across computer vision, natural language processing (NLP), and image processing
⦁ Discover best practices for the training of deep neural networks and their deployment
⦁ Access popular deep learning models as well as widely used neural network architectures

▶Who This Book Is For
This book is perfect for you if you've undertaken at least one course in machine learning and have a modest functional proficiency in Python (meaning you can create programs in Python when supported by examples). Many of our readers will be undergraduates at university studying computer science, statistics, mathematics, physics, biology, chemistry, marketing, and business. Deep learning technologies are being applied to all the professions that these degrees prepare you for, and this book is a great way to learn skills that will be applicable to your success. Postgraduates will appreciate the instruction level, too, as the projects selected are directly applicable to the modern job market, from tech start-ups to enterprise applications.

Python Deep Learning Projects is focused at the core of the data science pipeline – model building, training, evaluation, and validation. Additional pre- and post-data science engineering processes are required in the data pipeline for production applications that we cannot address here due to space considerations, but that we are looking to address in a future publication.

▶What this book covers
⦁ Chapter 1, Building Deep Learning Environments, in this chapter we will establish a common workspace for our projects with core technologies such as Ubuntu, Anaconda, Python, TensorFlow, Keras, and Google Cloud Platform (GCP).

⦁ Chapter 2, Training a Neural Net for Prediction Using Regression, in this chapter we will build a 2 layer (minimally deep) neural network in TensorFlow and train it on the classic MNIST dataset of handwritten digits for a restaurant patron text notification business use case.

⦁ Chapter 3, Word Representations Using word2vec, in this chapter we will learn and use word2vec to transform words into dense vectors (that is, tensors) creating embedding representations for a corpus, then create a convolutional neural network (CNN) to build a language model for sentiment analysis in a text exchange business use case.

⦁ Chapter 4, Build a NLP Pipeline for Building Chatbots, in this chapter we will create an NLP pipeline to tokenized a corpus, tag parts of speech, determine relationships between words with dependency parsing, and that conducts Named Entity Recognition. Use TF-IDF to vectorize the features in the document to create a simple FAQ type chatbot. Enhance this chatbot with NER and implementation of Rasa NLU to build a chatbot which understands the context (intent) to provide an accurate response.

⦁ Chapter 5, Sequence-to-sequence Models for Building Chatbots, in this chapter we will use Chapter 4, Build a NLP Pipeline for Building Chatbots, chatbots to build a more advanced chatbot combining learnings from earlier projects in a number of technologies to make a chatbot that is more contextually aware and robust. We avoided some of the limitations of CNNs in chatbots by building a recurrent neural network (RNN) model with long short-term memory (LSTM) units specifically designed to capture the signal represented in sequences of characters or words.

⦁ Chapter 6, Generative Language Model for Content Creation, in this chapter we implement a generative model to generate content using the long short-term memory (LSTM), variational autoencoders, and Generative Adversarial Networks (GANs). You will effectively implement models for both text and music which can generate song lyrics, scripts, and music for artists and various creative businesses.

⦁ Chapter 7, Building Speech Recognition with DeepSpeech2, in this chapter we build and train an automatic speech recognition (ASR) system to accept then convert an audio call to text that could then be used as the input into a text-based chatbot. Work with speech and spectrograms to build an end-to-end speech recognition system with a Connectionist Temporal Classification (CTC) loss function, batch normalization and SortaGrad for the RNNs. This chapter is the capstone in the Natural Language Processing section of the Python Deep Learning Projects Book.

⦁ Chapter 8, Handwritten Digit Classification Using ConvNets, in this chapter we will teach the fundamentals of Convolutional Neural Networks (ConvNets) in an examination of the convolution operation, pooling, and dropout regularization. These are the levers you'll adjust in tuning your models in your career. See the value of deploying a more complex and deeper model in the performance results compared to an earlier Python Deep Learning Project in Chapter 2, Training a Neural Net for Prediction Using Regression.

⦁ Chapter 9, Object Detection Using OpenCV and TensorFlow, in this chapter we will learn to master object detection and classification while using significantly more informationally complex data than previous projects, to produce impressive outcomes. Learn to use the deep learning package YOLOv2 and gain experience how this model architecture gets deeper and more complex and produces good results.

⦁ Chapter 10, Building Facial Recognition Using FaceNet, in this chapter we will be using FaceNet to build a model that looks at a picture and identifies all the possible faces in it, then performs face extraction to understand the quality of the face part of the image. Performing feature extraction on the face identified parts of the image provides the basis for comparison to another data point (a labeled image of the person's face). This Python Deep Learning Project demonstrates the exciting potential for this technology in applications from social media to security.

⦁ Chapter 11, Automated Image Captioning, in this chapter we will combine the current stateof- the-art techniques we've learned so far in Python Deep Learning Projects in both computer vision and natural language processing to form a complete image description approach. The clever idea that makes this possible is to replace the Encoder (RNN layer) in an Encoder- Decoder architecture with a deep Convolutional Neural Network (CNN) trained to classify objects in images. This model is capable of constructing computer-generated natural language descriptions of any image provided.

⦁ Chapter 12, Pose Estimation on 3D Models Using ConvNets, in this chapter we will successfully build a deep convolution neural network/VGG16 model in Keras on Frames Labeled In Cinema (FLIC) images. Get hands-on experience in preparing the images for modeling. Successfully implement transfer learning and test the modified VGG16 model performance on unseen data to determined success.

⦁ Chapter 13, Image Translation Using GANs for Style Transfer, in this chapter you will build a neural network that fills in the missing part of a handwritten digit. Focusing on the model creation -the generation/reconstruction of the missing sections of a digit with the help of neural inpainting with GANs, you will then reconstruct (generate back) the missing parts of the handwritten numbers so that the classifier can receive clear handwritten numbers for conversion into digits.

⦁ Chapter 14, Develop an Autonomous Agent with Deep R Learning, in this chapter we will build a deep reinforcement learning model to successfully play the game of CartPole-v1 from OpenAI Gym. Learn and demonstrate professional competency in the Gym toolkit, Q and SARSA learning, how to code the reinforcement learning model and define hyperparameters, build the training loop and test the model.

⦁ Chapter 15, Summary and Next Steps in Your Deep Learning Career, in this chapter you will find reviews key learnings, with a summary of deep learning projects intuition and looks to what could be next in your deep learning career.

작가 소개

⦁ Matthew Lamons
Matthew Lamons's background is in experimental psychology and deep learning. Founder and CEO of Skejul—the AI platform to help people manage their activities. Named by Gartner, Inc. as a ""Cool Vendor"" in the ""Cool Vendors in Unified Communication, 2017"" report. He founded The Intelligence Factory to build AI strategy, solutions, insights, and talent for enterprise clients and incubate AI tech startups based on the success of his Applied AI MasterMinds group. Matthew's global community of more than 85 K are leaders in AI, forecasting, robotics, autonomous vehicles, marketing tech, NLP, computer vision, reinforcement, and deep learning. Matthew invites you to join him on his mission to simplify the future and to build AI for good.

⦁ Rahul Kumar
Rahul Kumar is an AI scientist, deep learning practitioner, and independent researcher. His expertise in building multilingual NLU systems and large-scale AI infrastructures has brought him to Copenhagen, where he leads a large team of AI engineers as Chief AI Scientist at Jatana. Often invited to speak at AI conferences, he frequently travels between India, Europe, and the US where, among other research initiatives, he collaborates with The Intelligence Factory as NLP data science fellow. Keen to explore the ramifications of emerging technologies for his next book, he's currently involved in various research projects on Quantum Computing (QC), high-performance computing (HPC), and the brain-computer interaction (BCI).

⦁ Abhishek Nagaraja
Abhishek Nagaraja was born and raised in India. Graduated Magna Cum Laude from the University of Illinois at Chicago, United States, with a Masters Degree in Mechanical Engineering with a concentration in Mechatronics and Data Science. Abhishek specializes in Keras and TensorFlow for building and evaluation of custom architectures in deep learning recommendation models. His deep learning skills and interest span computational linguistics and NLP to build chatbots to computer vision and reinforcement learning. He has been working as a Data Scientist for Skejul Inc. building an AI-powered activity forecast engine and engaged as a Deep Learning Data Scientist with The Intelligence Factory building solutions for enterprise clients.

리뷰

0.0

구매자 별점
0명 평가

이 작품을 평가해 주세요!

건전한 리뷰 정착 및 양질의 리뷰를 위해 아래 해당하는 리뷰는 비공개 조치될 수 있음을 안내드립니다.
  1. 타인에게 불쾌감을 주는 욕설
  2. 비속어나 타인을 비방하는 내용
  3. 특정 종교, 민족, 계층을 비방하는 내용
  4. 해당 작품의 줄거리나 리디 서비스 이용과 관련이 없는 내용
  5. 의미를 알 수 없는 내용
  6. 광고 및 반복적인 글을 게시하여 서비스 품질을 떨어트리는 내용
  7. 저작권상 문제의 소지가 있는 내용
  8. 다른 리뷰에 대한 반박이나 논쟁을 유발하는 내용
* 결말을 예상할 수 있는 리뷰는 자제하여 주시기 바랍니다.
이 외에도 건전한 리뷰 문화 형성을 위한 운영 목적과 취지에 맞지 않는 내용은 담당자에 의해 리뷰가 비공개 처리가 될 수 있습니다.
아직 등록된 리뷰가 없습니다.
첫 번째 리뷰를 남겨주세요!
'구매자' 표시는 유료 작품 결제 후 다운로드하거나 리디셀렉트 작품을 다운로드 한 경우에만 표시됩니다.
무료 작품 (프로모션 등으로 무료로 전환된 작품 포함)
'구매자'로 표시되지 않습니다.
시리즈 내 무료 작품
'구매자'로 표시되지 않습니다. 하지만 같은 시리즈의 유료 작품을 결제한 뒤 리뷰를 수정하거나 재등록하면 '구매자'로 표시됩니다.
영구 삭제
작품을 영구 삭제해도 '구매자' 표시는 남아있습니다.
결제 취소
'구매자' 표시가 자동으로 사라집니다.

개발/프로그래밍 베스트더보기

  • 핸즈온 LLM (제이 알아마르, 마르턴 흐루턴도르스트)
  • LLM과 RAG로 구현하는 AI 애플리케이션 (에디유, 대니얼김)
  • 도커로 구축한 랩에서 혼자 실습하며 배우는 네트워크 프로토콜 입문 (미야타 히로시, 이민성)
  • 나만의 MCP 서버 만들기 with 커서 AI (서지영)
  • 개정판 | 밑바닥부터 시작하는 딥러닝 1 (사이토 고키, 이복연)
  • 생성형 AI 인 액션 (아미트 바리, 이준)
  • 테디노트의 랭체인을 활용한 RAG 비법노트 심화편 (이경록)
  • 지식그래프 (이광배, 이채원)
  • LLM 인 프로덕션 (크리스토퍼 브루소, 매슈 샤프)
  • 객체지향의 사실과 오해 (조영호)
  • 데이터 삽질 끝에 UX가 보였다 (이미진(란란))
  • LLM을 활용한 실전 AI 애플리케이션 개발 (허정준, 정진호)
  • 지속적 배포 (발렌티나 세르빌, 이일웅)
  • 테디노트의 랭체인을 활용한 RAG 비법노트_기본편 (이경록(테디노트))
  • 개정2판 | 파인만의 컴퓨터 강의 (리처드 파인만, 서환수)
  • 생성형 AI를 위한 프롬프트 엔지니어링 (제임스 피닉스, 마이크 테일러)
  • 실전! 스프링 부트 3 & 리액트로 시작하는 모던 웹 애플리케이션 개발 (주하 힌쿨라, 변영인)
  • 혼자 공부하는 네트워크 (강민철)
  • 혼자 공부하는 컴퓨터 구조+운영체제 (강민철)
  • 개정2판 | 인프라 엔지니어의 교과서 (사노 유타카, 김성훈)

본문 끝 최상단으로 돌아가기

spinner
앱으로 연결해서 다운로드하시겠습니까?
닫기 버튼
대여한 작품은 다운로드 시점부터 대여가 시작됩니다.
앱으로 연결해서 보시겠습니까?
닫기 버튼
앱이 설치되어 있지 않으면 앱 다운로드로 자동 연결됩니다.
모바일 버전