• 통큰쿠폰이벤트-통합
  • 통합검색(1,116)
  • 리포트(936)
  • 논문(64)
  • 시험자료(46)
  • 자기소개서(40)
  • 이력서(11)
  • ppt테마(10)
  • 방송통신대(6)
  • 서식(3)

"training models" 검색결과 21-40 / 1,116건

  • 2020 기초인공지능 플젝1
    In effect, the training model canbe fed images or random transformations, being able to train on multiple ... Such implementation is primarily done to increase diversity in datathat the model uses to train on. ... model would be (1), (2), (3), (4) and (5) as shownin figure1 above.
    리포트 | 29페이지 | 3,000원 | 등록일 2022.11.07
  • 머신러닝과 딥러닝을 사용한 Wine Quality 분류
    (optimizer = 'adam',loss = 'sparse_categorical_crossentropy',metrics=['accuracy'])model.fit(X_sd_train ... 패키지를 설치하고 , 분석에 방해가 되는 자료의 결측치의 개수를 확인 한다.import numpy as npimport pandas as pdfrom sklearn.linear_model ... verbose =2)print('\n테스트 정확도', test_acc)테스트 정확도 0.46666666865348816StandardScaler된 자료의 심층신경망 학습의 정확도model
    리포트 | 23페이지 | 2,000원 | 등록일 2023.12.16 | 수정일 2024.01.09
  • 고려대학교 객체지향프로그래밍 A+ 기말고사 치팅시트
    random_state=0)MLPCNNModel compile: setup trais=[‘accuracy’])Model fitting: train the model finally / ... import train_test_split / x_train, x_test, y_train, y_test = train_test_split(X, y, train_size=0.6, ... Evaluation: Evaluating the model performance on a data set / tf.keras.utils.plot_model(model) (그림)BW
    리포트 | 2페이지 | 2,000원 | 등록일 2023.07.02
  • 파이썬 불법사이트 탐지 및 차단
    import LogisticRegressionlreg = LogisticRegression(random_state=0)lreg.fit(x_train, y_train)#model_1 ... RandomForestClassifierrf = RandomForestClassifier()rf.fit(x_train, y_train)#model_4 = rf.score(x_test ... , y_train)#model_3 = dct.score(x_test, y_test)#model_3# ## Random Forestfrom sklearn.ensemble import
    리포트 | 6페이지 | 2,500원 | 등록일 2023.01.27
  • AI 인공지능 데이터 분석) 자동차 센서값 학습을 통한 엔진 자동 검사 모델 만들기
    Score: 97.27% - AUC: 99.43% Training accuracy Validation accuracy Training loss Validation loss 과적합이 ... _0_class : 1846 train_df_1_class : 1755 test_df_0_class : 681 test_df_1_class : 639 비정상 : class_0 정상 ... ( colab ) 데이터 형태 : ARFF 파일 ( 정형 데이터 ) 수집 장소 : Ford 자동차 제조사 ( 데이터 분류 대회 오픈 데이터셋 ) 데이터 개수 : 4,921 개 (train
    리포트 | 18페이지 | 3,800원 | 등록일 2023.09.23
  • 4차산업혁명 Chat GPT의 발전과정 전망
    Chat-GPTGenerative Pre-trained Transformer의 약자로, Open AI가 개발한 GPT-3.5 기반의 언어모델언어모델(Language Model): 현재 ... 알고 있는 단어들을 기반으로 다음 단어를 예측하여 생성하는 함수Generative Pre-trained Transformer생산적인, 사전 학습된, 트랜스포머 아키첵쳐를 기반으로
    리포트 | 38페이지 | 3,000원 | 등록일 2023.08.05 | 수정일 2023.08.15
  • 인공지능 대학원 전공 면접 준비자료(약 150문항)
    using a causal language model (CLM) task, where the model predicts the next word in a sequence. - It ... using a masked language modeling(MLM) and next sentence prediction(NLP)- This combination helps BERT ... dataset and updates the parameters at each iteration- This can result in longer training times and higher
    자기소개서 | 26페이지 | 20,000원 | 등록일 2024.01.01 | 수정일 2024.01.03
  • 빅데이터분석기사 실기 예제 문제
    [:,1]model=RandomForestClassifier() #max_depth=5, random_state=5model.fit(X_train,y_train)predict=model.predict_proba ... =LogisticRegression()model.fit(X_train,y_train)predict=model.predict_proba(X_test)predict=pd.DataFrame ... (X_train,y_train)predict=model.predict_proba(X_test)predict=pd.DataFrame(predict)predict2=predict.iloc
    시험자료 | 4페이지 | 2,000원 | 등록일 2021.07.06
  • [인공지능]자연어처리 개체명인식 원리
    로 Edge Case Training 을 마친 Model 로 개체명 ( 고유명사 ) 인식 Corpus Deep Learning 활용 TrainingModel 생성 품사 태 깅 ... DBPedia 의 RDF 속성 값들을 활용하여 Soft Labeling 을 한 Training Data 로 Model 학습 후 Human Annotation 된 Gold Label ... SF 개체명 Tag PER_B O ORG_B ORG_I ORG_I O CVL_B CVL_I O O O ㄱ ㅎ 개체명 사전 개체명 인식 모델 (NER Model) Training Process
    리포트 | 3페이지 | 1,000원 | 등록일 2020.07.31
  • MLP(다층퍼셉트론) 학습 기법(파라미터 기반) 실습 보고서
    import train_test_splitfrom keras.models import Sequentialfrom keras.layers import Densefrom keras import ... [train_index], x_train[val_index]y_train_fold, y_val_fold = y_train[trai = 0.01, 모멘텀 = 0.9, 최적화 함수 = ... (x_train):# 해당 인덱스는 무작위로 생성됩니다.# 무작위로 생성해주는 것은 과대적합을 피할 수 있는 좋은 방법입니다.x_train_fold, x_val_fold = x_train
    리포트 | 17페이지 | 5,000원 | 등록일 2021.01.22
  • [국토교통부] 모의비행훈련장치 지정서
    항공기 종류, 등급, 형식(모델)[Category, Class, Type(Model) of Aircraft]4. ... Administration210㎜×297㎜[백상지(80g/㎡)](뒤 쪽)모의비행훈련장치 세부사항FSTD SPECIFICATION가.항공기 종류, 등급, 형식(모델)[Category, Class, Type(Model ... KoreaMinistry of Land, Infrastructure and Transport모의비행훈련장치 지정서Qualification Certificate of Flight Simulation Training
    서식 | 2페이지 | 무료 | 등록일 2023.03.10
  • AI가 이처럼 발달했는데 왜 이렇게 일기예보는 틀릴까?
    lr=0.001)# Train the modeltrain_pinn(model, optimizer, x_interior, x_boundary, u_boundary)# Evaluate ... loopdef train_pinn(model, optimizer, x_interior, x_boundary, u_boundary, epochs=1000):for epoch in range ... the model anow()
    리포트 | 8페이지 | 2,500원 | 등록일 2024.07.14
  • Keras 콜백기능
    결과를 csv 파일로 스트리밍한다.# CSVLogger 예제csv_logger = CSVLogger('training.log')model.fit(X_train, Y_train, callbacks ... /logs")model.fit(x_train, y_train, epochs=2, callbacks=[tensorboard_callback])3) CSVLogger : 이 콜백은 epoch ... =lambda logs: [p.terminate() for p in processes if p.is_alive()])model.fit(...,callbacks=[batch_print_callback
    리포트 | 4페이지 | 2,500원 | 등록일 2022.05.10
  • AI 인공지능 데이터 분석) CNC 가공 데이터 학습을 통한 자동 검사 모델 만들기
    , LightGBM , CatBoost , RandomForest ) - Best Model : CatBoost , LightGBM ( 정확도 : 100%) 9 학습 모델 구축 및 ... 예측머신러닝 4 가지 모델 학습 및 결과 예측 ( XGBoost , LightGBM , CatBoost , RandomForest ) - Best Model : CatBoost , ... 인지 – ( 관리자가 별도로 기록 )수동으로 기록하는 2 개 Feature 삭제 후 재학습 ( tool_condition , machining_finalized ) - Best Model
    리포트 | 18페이지 | 3,800원 | 등록일 2023.09.23 | 수정일 2023.09.25
  • 딥러닝 자연어처리 Bert 설명 ppt
    BERT• Pre training- Masked language model: bidirectional pre-training for language representations- Next
    리포트 | 9페이지 | 1,000원 | 등록일 2021.03.31 | 수정일 2022.12.02
  • 머신러닝/기계학습 관련 용어 정리
    In crossvalidation, the data is instead split repeatedly and multiple models are trained.51. ... High variance causes overfitting that implies that the algorithm models random noise present in the training ... MLP utilizes a supervised learning technique called backpropagation for training.2.
    리포트 | 8페이지 | 1,000원 | 등록일 2019.10.03
  • 대기업 연구소 석사 연구원 기술면접 직무발표 프리젠테이션
    Perceptron Model Support Vector Machine Model + @ W= 모형별 가중치 f = 개별적 모형 시 작 0 세대 유전자들의 초기화 초기화된 유전자들의 ... 기법을 이용한 최적 Ensemble 도출기법 각 모형의 Class 화 를 통한 추가 및 삭제가 가능 Linear regression Model K-nearest-neighbor model ... 제거 기법 ( 회귀대체 , 평균대체 ) 이상치 제거된 수요량 자료 데이터 전처리 최저온도 (1 시간 평균 ) 수요예측 및 펌프최적화 흐름도 Ensemble 초기화 조건을 적용한 train
    자기소개서 | 7페이지 | 3,000원 | 등록일 2020.11.19 | 수정일 2020.11.20
  • 기계학습(머신러닝) 알고리즘과 평가 방법
    =0 )# Model initializationregr = Ridge ()# Fit the dataregr .fit (X_train , y_train )# Predicty_pred ... 즉, 지도학습은 레이블이 포함된 데이터를 사용한다. training set for supervised model.에서 보는 바와 같이 메일 위에 원은 각각의 메일에 대한 레이블이다. ... Ridgefrom sklearn .model_selection import train_test_split#read data-setdataset = pd .read_csv ('Weather.csv
    리포트 | 43페이지 | 5,000원 | 등록일 2020.06.05 | 수정일 2020.06.09
  • budding yeast의 meiosis
    Berkeley body를 가지고 있는 유일한 yeast이며, eukaryotic model organism으로 자주 이용되며 인간의 cycle protein이나 signal protein ... Double strand DNA와 결합할 경우 DAPI는 358nm의 빛을 흡수하여 461nm의 청색광을 방출한다..Materials & MethodMaterialsyeast strain ... Fixing solutionMethodsCells were G1 synchronized in SPS medium.MitosisSet up 2ml cultures of yeast strain
    리포트 | 3페이지 | 2,500원 | 등록일 2024.07.19
  • 아이템매니아 이벤트
  • 유니스터디 이벤트
AI 챗봇
2024년 09월 15일 일요일
AI 챗봇
안녕하세요. 해피캠퍼스 AI 챗봇입니다. 무엇이 궁금하신가요?
4:24 오전
문서 초안을 생성해주는 EasyAI
안녕하세요. 해피캠퍼스의 방대한 자료 중에서 선별하여 당신만의 초안을 만들어주는 EasyAI 입니다.
저는 아래와 같이 작업을 도와드립니다.
- 주제만 입력하면 목차부터 본문내용까지 자동 생성해 드립니다.
- 장문의 콘텐츠를 쉽고 빠르게 작성해 드립니다.
9월 1일에 베타기간 중 사용 가능한 무료 코인 10개를 지급해 드립니다. 지금 바로 체험해 보세요.
이런 주제들을 입력해 보세요.
- 유아에게 적합한 문학작품의 기준과 특성
- 한국인의 가치관 중에서 정신적 가치관을 이루는 것들을 문화적 문법으로 정리하고, 현대한국사회에서 일어나는 사건과 사고를 비교하여 자신의 의견으로 기술하세요
- 작별인사 독후감
방송통신대학 관련 적절한 예)
- 국내의 사물인터넷 상용화 사례를 찾아보고, 앞으로 기업에 사물인터넷이 어떤 영향을 미칠지 기술하시오
5글자 이하 주제 부적절한 예)
- 정형외과, 아동학대